Skip to main content
Filter by
Sorted by
Tagged with
4 votes
3 answers
100 views

I'm trying to learn skopt, but I'm struggling to get even a simple multivariate minimization to run. import skopt def black_box_function(some_x, some_y): return -some_x + 2 - (some_y - 1) ** 2 + ...
WhiskeyHammer's user avatar
2 votes
0 answers
254 views

Let's say I am searching over a dimension: from skopt import space search_space = [ space.Real(1, 10, name="my_scale") ] How can I make this Real number to be searched with discrete ...
Mikko Ohtamaa's user avatar
0 votes
1 answer
48 views

From my understanding of https://scikit-learn.org/stable/modules/generated/sklearn.ensemble.GradientBoostingRegressor.html and gradient boosting decision trees in general, I assume that for N ...
staplegun's user avatar
0 votes
1 answer
72 views

I am optimising 11 parameters for a Jansen & Rit whole-brain model as follows: search_space = [ Integer(1, 10, name="A"), Integer(10, 40, name="B"), Integer(90, 200, name="...
staplegun's user avatar
0 votes
0 answers
147 views

I am using skopt(scikit-optimize) to find best hyperparameters for random forest model. I have a lot of features. To avoid overfitting, I'd like to add feature selection like using RFE. But I am not ...
roudan's user avatar
  • 4,338
8 votes
4 answers
9k views

When I run the following code on the official documentation, it has an error. Minimal example from skopt import BayesSearchCV from sklearn.datasets import load_digits from sklearn.svm import SVC from ...
sanctus's user avatar
  • 81
2 votes
0 answers
633 views

I have the following model defined, that I would like to apply Hyperparameter tuning to. I want to use GridSearchCV and change the number of layers etc. class Regressor(nn.Module): def __init__(...
flying_loaf_3's user avatar
2 votes
1 answer
105 views

I'm creating a classification model to predict the outcome of sports event(win/loss) and am running into a data setup conundrum. Currently the data is setup as follows: example_data = [team_a_feat_1, ...
Sentient AI Turing's user avatar
1 vote
1 answer
214 views

I am new to bayesian optimization module (skopt). I was playing around with their toy example but encountered the following error while executing gp_minimize() function. Below is my code: res_gp = ...
user62198's user avatar
  • 1,894
0 votes
3 answers
538 views

Using scikit-optimize and scikit-learn, I get the following error on calling the gp_minimize function: TypeError: predict() got an unexpected keyword argument 'return_mean_grad' I think it may be ...
Evan Camilleri's user avatar
1 vote
0 answers
296 views

I can't figure out how to subclass EarlyStopper to use it as callback in scikit-optimize (gp_minimize). Based on the documentation. How should I think when subclassinging? Documentation: https://...
Henri's user avatar
  • 1,255
1 vote
1 answer
366 views

When using skopt.gp_minimize on a noisy dataset with unknown variance - is the returned minimum the x-values found for one specific sample of data or the minimum of the surrogate function? And either ...
Jakob Sejten's user avatar
2 votes
1 answer
1k views

I am unable to make skopt.gp_minimize run at multiple cores. According to the documentation, the parameter n_jobs should set the number of cores. However, setting n_cores>1 seems to have no effect. ...
Botond's user avatar
  • 2,842
0 votes
2 answers
787 views

I have an experimental dataset 1 which plots intensity as a function of energy. These are arrays of 1800 datapoints. I have been trying to fit a model to this data, given by the equation below: ...
Ayrtonb1's user avatar
3 votes
1 answer
535 views

I am performing hyperparameter search over a large space using skopt.BayesSearchCV. I am running it on a machine that restarts at 7pm every day. I want to be able to save the state of the ...
jet457's user avatar
  • 271
0 votes
1 answer
476 views

While optimizing LightGBM hyperparameters, I'd like to individually weight samples during both training and CV scoring. From the BayesSearchCV docs, it seems that a way to do that could be to insert a ...
glmorous's user avatar
  • 168
0 votes
4 answers
2k views

the fitted curve doesn't fit the datapoints (xH_data, nH_data) as expected. Does someone know what might be the issue here? from scipy.optimize import curve_fit import numpy as np import matplotlib ...
Francesco Azzollini's user avatar
0 votes
1 answer
2k views

I'm using BayesSearchCV from scikit-optimize to train a model on a fairly imbalanced dataset. From what I'm reading precision or ROC AUC would be the best metrics for imbalanced dataset. In my code: ...
Callum Matthews's user avatar
1 vote
0 answers
401 views

I'm using the skopt (scikit-optimize) package, using the ask-tell syntax. I'm using python 3.7, on a windows machine The ask function call takes a long time (first call ~1 minute, then increases 1 ...
Mark Sale's user avatar
0 votes
0 answers
780 views

I am attempting to use scikit-optimize to tune the hyperparameters of a scikit-learn multi-layer perception regressor (MLPRegressor). However, the problem is that scikit-optimize seems to convert the ...
S R Maiti's user avatar
  • 327
-1 votes
1 answer
6k views

I have a data Gemini_ETHUSD_d.csv which you can download from this link I try to re-run the code below from this link: from sklearn.model_selection import TimeSeriesSplit from sklearn.model_selection ...
ah bon's user avatar
  • 10.1k
0 votes
1 answer
117 views

General question: Using scikit-optimize for a black box optimization. Can't find in the doc what model_queue_size does. I'm doing the ask-tell because I can parallelize the calculation of y as ...
Mark Sale's user avatar
0 votes
1 answer
789 views

I've read a related post on manually calculating R-squared values after using scipy.optimize.curve_fit(). However, they calculate an R-squared value when their function follows the power-law (f(x) = a*...
Kevin Trinh's user avatar
0 votes
1 answer
755 views

When using BayesSearchCV from Skopt for Feature Selection, how can I extract the feature names of the optimal set of features? I only know how to get the number of features together with other ...
user16894190's user avatar
0 votes
1 answer
1k views

I have to optimize a black-box problem that depends on external software (no function definition neither derivatives) that is quite expensive to evaluate. It depends on several variables, some of them ...
user536696's user avatar
1 vote
0 answers
513 views

I'm trying to build a basic ML pipeline that will select features while tuning hyper parameters at the same time. The code is below. #pipeline for full feature selection - hyperparametertuning ...
Benjamin Liu's user avatar
5 votes
1 answer
2k views

I have a very large dataset (7 million rows, 54 features) that I would like to fit a regression model to using XGBoost. To train the best possible model, I want to use BayesSearchCV from scikit-...
Electronic Ant's user avatar
0 votes
1 answer
767 views

In Scikit-learn RandomSearchCV and GridSearchCV require the cross validation object for the cv argument, e.g. GroupKFold or any other CV splitter from sklearn.model_selection. However, how can I use ...
qalis's user avatar
  • 1,599
0 votes
1 answer
1k views

I have just started using skopt so please feel free to redirect me to any basic tutorial that I might have missed. Anyway, here it goes: I have an optimization problem where I calculate a 2-peaks ...
Chris's user avatar
  • 89
2 votes
1 answer
2k views

I'm using BayesSearchCV from scikit-optimize to optimise an XGBoost model to fit some data I have. While the model fits fine, I am puzzled by the scores provided in the diagnostic information and am ...
Electronic Ant's user avatar
4 votes
2 answers
2k views

I read some posts and tutorials about BayesianOptimization and I never saw explanation about kappa variable. What is the kappa variable ? How can it help us ? How this values can influence the ...
Boom's user avatar
  • 1,355
0 votes
1 answer
2k views

I just read about Bayesian optimization and I want to try it. I installed scikit-optimize and checked the API, and I'm confused: I read that Bayesian optimization starts with some initialize samples. ...
Boom's user avatar
  • 1,355
1 vote
0 answers
1k views

My objective was to use Scikit-Optimize library in python to minimize the function value in order to find the optimized parameters for xgboost model. The process involve running the model with ...
tgtm005's user avatar
  • 31
4 votes
2 answers
5k views

There's a couple of other questions similar to this, but I couldn't find a solution which seems to fit. I am using LightGBM with Scikit-Optimize BayesSearchCV. full_pipeline = skl.Pipeline(steps=[('...
Lucy's user avatar
  • 231
0 votes
1 answer
877 views

I'm having a problem on using @use_named_args from Scikit Optimize. The problem is that my objective function accepts the arguments NamedTuple and I can't change this because this is the requirement ...
eng2019's user avatar
  • 1,035
0 votes
1 answer
1k views

I am using the scikit-learn optimize package to tune the hyperparameters of my model. For performance and readability reasons (I am training several models with the same process), I want to structure ...
Kai Schelthoff's user avatar
1 vote
1 answer
1k views

I'm trying to tune an xgboost model with BayesSearchCV for multiclass classification. Here's my code. n_iterations = 50 estimator = xgb.XGBClassifier( n_jobs=-1, objective="multi:softmax&...
amestrian's user avatar
  • 612
0 votes
0 answers
268 views

The canonical use case for scikit-optimize is an optimization objective given a fixed set of hyperparameters, where skopt is given full control to explore the space. However, one may wish to ...
Brian Bien's user avatar
1 vote
2 answers
3k views

I am trying to use an RF classifier but every time i try to run the bayessearchCV function, i get an error returned. Attached is my specific example and an example that you can run and reproduce. I ...
medlearning's user avatar
3 votes
4 answers
1k views

When I use scikit-optimize version 0.7.4 to optimize a scikit-learn 0.23 model: rf = BayesSearchCV( RandomForestClassifier( min_samples_leaf=0.01, oob_score=True ), { ...
Cloudy's user avatar
  • 58
1 vote
1 answer
476 views

I'm using scikit-optimize to do a BayesSearchCV within my RandomForestClassifier hyperparameter space. One hyperparameter is supposed to also be 0 (zero) while having a log-uniform distribution: ...
m3ph's user avatar
  • 53
0 votes
1 answer
5k views

I am trying to implement a Bayesian optimization but already starting having an error while importing 'gp_minimize' from scikit-optimize package from skopt import gp_minimize res = gp_minimize(f, ...
la grenouille Verte's user avatar
1 vote
1 answer
1k views

I want to resume a gp process but I am getting strange messages. I start my gp process providing only x0 and y0=None. My initial points are 30 and n_evals = 50. I stop it at evaluation no 20. Then I ...
JerryG's user avatar
  • 11
2 votes
0 answers
417 views

I am trying to optimize a function that is relatively expensive to evaluate. The function operates across a series of data points, and can be evaluated in parallel. Each data point evaluation requires ...
bubster's user avatar
  • 21
1 vote
1 answer
1k views

I am using the awesome scikit-optimize toolbox for hyperparameter optimization. My goal is to compare keras and scikit-learn models. According to the example https://scikit-optimize.github.io/stable/...
Merk's user avatar
  • 331
1 vote
1 answer
480 views

I am utilizing a Gaussian process regression with 4 inputs and one output. The goal is to find the optimal X by performing a bayesian optimization over the fitted model. I fit the model with the ...
fnaos's user avatar
  • 151
0 votes
1 answer
362 views

I have used a couple of computers to run the same script and now have several result_files.pkl. results1 = gp_minimize(func=fitness, dimensions=dimensions, ...
Wilfredo's user avatar
1 vote
1 answer
445 views

I would like to be able to resume a gaussian process from a checkpoint with the library skopt. After some research I couldn't find a way to do so. Here is a simple code to show what I want to do: ...
Valentin Vignal's user avatar
0 votes
0 answers
420 views

I am trying to dertmain a coeffecient by fitting experimental data using lmfit.Model. When I run my code I get the following error: Traceback (most recent call last): File "C:\***.py", line 82, ...
samhar's user avatar
  • 13