hyperparameters Questions
2
Solved
Is there a way to use GridSearchCV or any other built-in sklearn function to find the best hyper-parameters for OneClassSVM classifier?
What I currently do, is perform the search myself using trai...
Joachima asked 22/6, 2017 at 12:3
1
Solved
This post is about the differences between LogisticRegressionCV, GridSearchCV and cross_val_score. Consider the following setup:
import numpy as np
from sklearn.datasets import load_digits
from sk...
Duprey asked 4/8, 2018 at 23:42
6
I am searching for a hyperparameter tune package for code written directly in Tensorflow (not Keras or Tflearn). Could you make some suggestion?
Sicanian asked 25/5, 2017 at 13:13
1
I'll fully admit that I may be setting up the conditional space wrong here but for some reason, I just can't get this to function at all. I am attempting to use hyperopt to tune a logistic regressi...
Sicular asked 9/5, 2017 at 1:6
1
Solved
Is there any rule of thumb to initialize the num_leaves parameter in lightgbm. For example for 1000 featured dataset, we know that with tree-depth of 10, it can cover the entire dataset, so we can ...
Step asked 8/3, 2019 at 10:18
2
I am trying to perform a hyper parameter optimization task for a LSTM (pure Tensorflow) with Tune. I followed their example on the hyperopt algorithm. In the example they have used the below line i...
Valonia asked 1/1, 2019 at 16:18
1
Solved
I am working on using hyperopt to tune my ML model but having troubles in using the qloguniform as the search space. I am giving the example from official wiki and changed the search space.
impor...
Bregenz asked 15/12, 2018 at 3:29
3
Is it possible to tune hyperparameters using ML Engine to train the model locally? The documentation only mentions training with hyperparameter tuning in the cloud (submitting a job), and has no me...
Daryl asked 29/11, 2018 at 20:26
1
Is there any way to specify hyper-parameter optimisation like Hyperopt or other in the config file of object detection API to fine tune the model?
Teetotalism asked 3/8, 2018 at 8:55
1
I am trying to find best hyperparameters for my trained doc2vec gensim model which takes a document as an input and create its document embeddings. My train data consists of text documents but it d...
Terylene asked 18/10, 2018 at 14:12
1
Solved
I'm using Gridsearch function from hypopt package to do my hyperparameter searching using specified validation set. The default metric for classification seems to be accuracy (not very sure). Here ...
Validity asked 21/10, 2018 at 5:24
2
Solved
I have a FFNN with 2 hidden layers for a regression task that overfits almost immediately (epoch 2-5, depending on # hidden units). (ReLU, Adam, MSE, same # hidden units per layer, tf.keras)
32 ne...
Faggoting asked 1/7, 2018 at 10:15
1
Solved
I am using the LightFM recommender library on my dataset, which gives me the results in the image below.
NUM_THREADS = 4
NUM_COMPONENTS = 30
NUM_EPOCHS = 5
ITEM_ALPHA = 1e-6
LEARNING_RATE = 0.00...
Valente asked 18/4, 2018 at 10:2
2
Solved
I've used Scikit-learn's GridSearchCV before to optimize the hyperparameters of my models, but just wondering if a similar tool exists to optimize hyperparameters for Tensorflow (for instance numbe...
Compute asked 28/6, 2017 at 12:48
2
Well I'm trying to understand how and at which point in an algorithm to apply the Kfold CV and GridSearchCV. Also if i understand correctly GridSearchCV is used for hyperparameter tuning i.e. what ...
Propound asked 19/3, 2018 at 7:3
1
I got a weird result from vw, which uses online learning scheme for logistic regression. And when I add --l1 or --l2 regularization then I got all predictions at 0.5 (that means all features are 0)...
Cosma asked 24/9, 2015 at 3:28
1
Solved
I am trying to fit a logistic regression model in R using the caret package. I have done the following:
model <- train(dec_var ~., data=vars, method="glm", family="binomial",
trControl = ctrl,...
Beneficence asked 14/12, 2017 at 21:56
1
I'm using GridSearchCV, and after each iteration I want to save the clf.cv_results_ property to a file, (just in case that the process will crash in the middle).
I tried looking for a solution bu...
Trivalent asked 2/1, 2018 at 8:54
1
I am trying to optimize the hyperparameters of my NN using Keras and sklearn.
I am wrapping up with KerasClassifier (it´s a classification problem).
I am trying to optimize the number of hidden lay...
Bengurion asked 13/12, 2017 at 8:45
1
Solved
In Convolutional Neural Network (CNN), a filter is select for weights sharing. For example, in the following pictures, a 3x3 window with the stride (distance between adjacent neurons) 1 is chosen.
...
Vaughan asked 31/10, 2017 at 6:50
2
Solved
So, I have a classifier which looks like
clf = VotingClassifier(estimators=[
('nn', MLPClassifier()),
('gboost', GradientBoostingClassifier()),
('lr', LogisticRegression()),
], voting='sof...
Kiloton asked 5/10, 2017 at 7:31
1
I applied SVM (scikit-learn) in some dataset and wanted to find the values of C and gamma that can give the best accuracy for the test set.
I first fixed C to a some integer and then iterate over ...
Winer asked 20/9, 2017 at 19:28
1
Solved
I have a logistic regression model with a defined set of parameters (warm_start=True).
As always, I call LogisticRegression.fit(X_train, y_train) and use the model after to predict new outcomes. ...
Brigham asked 12/8, 2017 at 13:56
1
Solved
I'm trying to figure out how to built a workflow for sklearn.neighbors.KNeighborsRegressor that includes:
normalize features
feature selection (best subset of 20 numeric features, no specific tot...
Saks asked 17/7, 2017 at 17:53
2
Solved
I have found a set of best hyperparameters for my KNN estimator with Grid Search CV:
>>> knn_gridsearch_model.best_params_
{'algorithm': 'auto', 'metric': 'manhattan', 'n_neighbors': 3}
...
Borgeson asked 13/7, 2017 at 7:57
© 2022 - 2024 — McMap. All rights reserved.