Questions tagged [skopt]

26 questions
10
votes
2 answers

incompatibility issue between scikit-learn 0.24.1 and scikit-optimize 0.8.1

I have scikit-learn 0.24.1 and scikit-optimize 0.8.1, when I tried to use the BayesSearchCV function it gave me this error: TypeError: __init__() got an unexpected keyword argument 'iid' when I searched it turned out that the 'iid' is deprecated in…
2
votes
0 answers

Tuning XGBRanker produces error for groups

I have a simple ranking problem, and i use: from xgboost import XGBRanker model = XGBRanker( min_child_weight=10, subsample=0.5, tree_method='hist', ) model.fit(X_train, y_train, group=groups) Works fine. As an step of machine learning…
keramat
  • 4,328
  • 6
  • 25
  • 38
2
votes
1 answer

Can one constrain the outcome of skopt.Lhs.generate?

Let's say I have an array like this: from skopt.space import Space from skopt.sampler import Lhs import numpy as np np.random.seed(42) rows = 5 cols = 3 dummy = np.zeros((rows, cols)) array([[0., 0., 0.], [0., 0., 0.], [0., 0.,…
Cleb
  • 25,102
  • 20
  • 116
  • 151
2
votes
1 answer

BayesSearchCV is not working during SGDClassifier parameter tuning

I am trying to use BayesSearchCV for the parameter tuning of the SGDClassifier. Below is my code which I tried. import seaborn from sklearn.preprocessing import LabelEncoder from sklearn.model_selection import train_test_split from skopt import…
BC Smith
  • 727
  • 1
  • 7
  • 19
2
votes
1 answer

BayesSearchCV skipt: ValueError: Not all points are within the bounds of the space

I am running XGBRegressor with BayesSearchCV from skopt for parameter tuning opt_xgb_model_tuned = xgboost.XGBRegressor() hyper_space = { 'booster': ['gbtree'], 'objective': ['reg:squarederror'], 'learning_rate': [0.005, 0.01,…
joel.wilson
  • 8,243
  • 5
  • 28
  • 48
1
vote
1 answer

Error using BayesSearchCV from skopt on RandomForestClassifier

this is the code to reproduce the error: from sklearn.ensemble import RandomForestClassifier from sklearn.linear_model import LogisticRegression from scipy.stats import loguniform from skopt import BayesSearchCV from sklearn.datasets…
Will
  • 1,619
  • 5
  • 23
1
vote
0 answers

BayesSearchCV: Continuous/Real Hyperparameter Dependency

In attempting to use BayesSearchCV from the skopt library, I have two feature distributions that are dependent on one another, such that par_B must be > par_A Is there an efficient way to do this within a Real search space? I have tried the…
1
vote
0 answers

Can the ask function in scikit-optimize be parallelized?

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 minute for each iteration, so ultimately as much as…
1
vote
0 answers

Sckopt library gives error while tryin to use BayesSearchCV

Here is my code : from skopt import BayesSearchCV import warnings warnings.filterwarnings('ignore', message='The objective has been evaluated at this point before.') params={'min_child_weight': (0, 50,), 'max_depth': (0, 10), …
Zexxxx
  • 69
  • 1
  • 7
1
vote
0 answers

Skopt gp_minimize eroor while looking for optimal point

I have a problem with gp_minimize from skopt. I'm doing hyperparameter tunning for transfer learning (base model vgg19). Everything works fine until gp_minimize starts to evaluate optimal point (evaluate random point works fine). I have this error,…
1
vote
1 answer

How does n_points in skopt BayesSearchCV work?

I am confused on how does n_points work in skopt BayesSearchCV. As I understood, Bayes Search is sequential. But in skopt BayesSearchCV, we can set n_point parameter which specifies the number of parameter settings to sample in parallel. How does…
YHD
  • 11
  • 1
1
vote
1 answer

Setting bounds on each dimension of x for a function f(x1,x2) in skopt

I have a function f(x1,x2) and would like to set the bounds for a gp_minimization for the two dimensions of x using skopt. With one variable (x1) it works great: def func(x1): return x1[0] bounds = [(1.0, 10.0)] gp_res = gp_minimize(func,…
BanV
  • 11
  • 1
1
vote
1 answer

Resume a gp_minimize process from a checkpoint in Skopt

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 load the result and following the example from the…
JerryG
  • 11
  • 2
1
vote
1 answer

recursionerror: maximum recursion depth exceeded in comparison in tensorflow with skopt

I want to compute a Bayesian Search with [skopt] (https://scikit-optimize.github.io/stable/auto_examples/bayesian-optimization.html). My dataset is a Time series, and t is my time step. But i have a error: recursionerror: maximum recursion depth…
isaaccs
  • 103
  • 1
  • 11
1
vote
1 answer

ValueError when using Bayesian Optimization over a scikit GP model

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 follow: kernel = C(1.0, (1e-4,…
fnaos
  • 151
  • 1
  • 12
1
2