Options¶
- rerun XGB from old version to confirm high score then re-tune and run with extremely low learning rate
- replicate stacked then averaged but simplify not to use stacked
- Try Bayesian ??? long runtime?
In [4]:
import numpy as np
import pandas as pd
import seaborn as sns
import matplotlib.pyplot as plt
%matplotlib inline
# set Jupyter to display ALL output from a cell (not just last output)
from IPython.core.interactiveshell import InteractiveShell
InteractiveShell.ast_node_interactivity = "all"
# set pandas and numpy options to make print format nicer
pd.set_option("display.width",100)
pd.set_option("display.max_columns",1000)
pd.set_option('display.max_colwidth', 80)
pd.set_option('display.max_rows', 500)
np.set_printoptions(linewidth=100, threshold=5000, edgeitems=10, suppress=True)
In [5]:
from sklearn.model_selection import train_test_split
from sklearn.preprocessing import LabelEncoder
train_orig = pd.read_csv('train.csv')
test_orig = pd.read_csv('test.csv')
total = pd.concat([train_orig, test_orig], axis=0).reset_index(drop=True) # ensure common columns
num_train = train_orig.shape[0]
# remove columns that are all ones or all zeroes
cols = [] # maybe drop ID columns as there 'shouldnt' be meaning to it???
cols = np.append(cols, total.columns[(total[:num_train] == 0).all()].values) # all zeroes cols in train
cols = np.append(cols, total.columns[(total[:num_train] == 1).all()].values) # all ones cols in train
cols = np.append(cols, total.columns[(total[num_train:] == 0).all()].values) # all zeroes cols in test
cols = np.append(cols, total.columns[(total[num_train:] == 1).all()].values) # all ones cols in test
print('Dropping constant columns:\n', cols)
total.drop(cols, axis=1, inplace=True) # remove columns if there is no training data
# remove outliers - extensive testing showed very tiny improvement at cutoff 144
outliers = total[total.y > 155].index # should be 180
total.drop(outliers, axis=0, inplace=True)
num_train -= len(outliers)
# remove columns that are duplicated in the training set
# temp = total[:num_train].copy().T
# duplicates = temp[temp.duplicated()].index
# print('Dropping duplicate columns:\n', duplicates.values)
# total.drop(duplicates, axis=1, errors='ignore', inplace=True)
#remove correlated columns - commented out as this makes submission for XGB about 0.5% worse!
# cor = total.drop('y',1).corr().abs()
# cor.values[[np.arange(len(cor))]*2] = 0 # fill diagonal with zeroes
# cor = cor.where(np.triu(np.ones(cor.shape)).astype(np.bool)).fillna(0) # get upper triangle only
# cor_columns = []; cor_values = []
# for col in cor.columns:
# if cor[col].max() > 0.99:
# #print('Found', col, cor[col].argmax(), cor[col].max())
# cor_columns.append(col)
# cor_values.append(cor[col].max())
# print('Corellated columns to be dropped:',len(cor_values),'\n', sorted(cor_columns), cor_values)
#total.drop(cor_columns, axis=1, inplace=True)
# le = LabelEncoder() # didnt improve xgboost results
# for cat in categorical:
# total[cat] = le.fit_transform(total[cat]) # transform categoricals to numerical - bad!
# convert categorical columns to one-hot encoding
categorical = [col for col in total.columns if total[col].dtype == object] # change categorical to dummies
print('Changing', categorical, 'to categorical')
total = pd.get_dummies(total, columns=categorical)
Xtest = total[num_train:].drop('y',1) # drop y from test (as clearly all NAs)
def create_data(data, random_state=0):
train = data.copy()
# replace all duplicates with a row as the mean of the duplicate
# cols = list(train.drop(['ID','y'], 1).columns)
# train_gb = train.groupby(cols, as_index=False)
# print('Aggregating/averaging rows for the same config:')
# train = train_gb.mean()
# for i, row in enumerate(train_gb): # add detailed columns showing all IDs, and all y's aggregated
# train.loc[i, 'ID'] = ', '.join(row[1].ID.astype(str))
# train.loc[i, 'ys'] = ', '.join(row[1].y.astype(str))
# train.sort_values('ID', inplace=True)
Xtrain, Xvalid, ytrain, yvalid = train_test_split(train.drop(['y','ys'],1, errors='ignore'), train.y,
test_size=0.2, random_state=random_state)
return Xtrain, ytrain, Xvalid, yvalid
Xtrain, ytrain, Xvalid, yvalid = create_data(total[:num_train], random_state=0)
print('DONE!!!')
Dropping constant columns: ['X107' 'X11' 'X233' 'X235' 'X268' 'X289' 'X290' 'X293' 'X297' 'X330' 'X347' 'X93' 'X257' 'X258' 'X295' 'X296' 'X369'] Changing ['X0', 'X1', 'X2', 'X3', 'X4', 'X5', 'X6', 'X8'] to categorical DONE!!!
In [6]:
from sklearn.metrics import r2_score
def fitit(model, saveit=True):
model.fit(Xtrain, ytrain) # .drop('ID',1)
vpreds = model.predict(Xvalid) # .drop('ID',1)
if not saveit:
return pd.DataFrame(), round(r2_score(yvalid, vpreds),5)
tpreds = model.predict(Xtrain) # .drop('ID',1)
preds = model.predict(Xtest) #.drop('ID',1))
validn_score = round(r2_score(yvalid, vpreds),5)
print('Train R2 score=', round(r2_score(ytrain, tpreds),5))
print('Test R2 score=', validn_score)
filename = 'Preds_{0}.csv'.format([name for name in globals() if globals()[name] is model][0])
output = pd.DataFrame({'ID': Xtest.ID, 'y': preds})
output.to_csv(filename, index=False)
print('\nPredictions saved to file:', filename)
return output, validn_score
def features(model):
feat_names = Xtrain.columns.values
importances = model.feature_importances_
indices = np.argsort(importances)[::-1][:30]
_ = plt.figure(figsize=(15,5))
_ = plt.title("Feature importances")
_ = plt.bar(range(len(indices)), importances[indices], color="r", align="center")
_ = plt.xticks(range(len(indices)), feat_names[indices], rotation='vertical')
Random Forest Regressor (Good !)¶
In [7]:
from sklearn.ensemble import RandomForestRegressor
RFmodel = RandomForestRegressor(n_estimators=54, max_features=0.62, min_samples_leaf = 43,
oob_score=True, n_jobs=-1, random_state=0)
RFpreds, score = fitit(RFmodel)
#features(RFmodel)
Train R2 score= 0.63545 Test R2 score= 0.63038 Predictions saved to file: Preds_RFmodel.csv
In [8]:
%%time
from sklearn.model_selection import RandomizedSearchCV, GridSearchCV
params = {'n_estimators': np.linspace(10,80,20).astype(int),
'max_features': np.linspace(0.4,0.9,10),
'min_samples_leaf' : np.linspace(10,50,20).astype(int),
}
RFmodel = RandomizedSearchCV(RandomForestRegressor(oob_score=True, random_state=0, n_jobs=-1),
n_iter=100, cv=10, n_jobs=-1, param_distributions=params, verbose=10)
RFpreds, score = fitit(RFmodel, saveit=False)
print(RFmodel.best_params_)
print(RFmodel.best_estimator_)
Fitting 10 folds for each of 100 candidates, totalling 1000 fits [CV] n_estimators=65, min_samples_leaf=18, max_features=0.844444444444 [CV] n_estimators=65, min_samples_leaf=18, max_features=0.844444444444 [CV] n_estimators=65, min_samples_leaf=18, max_features=0.844444444444 [CV] n_estimators=65, min_samples_leaf=18, max_features=0.844444444444 [CV] n_estimators=65, min_samples_leaf=18, max_features=0.844444444444 [CV] n_estimators=65, min_samples_leaf=18, max_features=0.844444444444 [CV] n_estimators=65, min_samples_leaf=18, max_features=0.844444444444 [CV] n_estimators=65, min_samples_leaf=18, max_features=0.844444444444 [CV] n_estimators=65, min_samples_leaf=18, max_features=0.844444444444, score=0.570850, total= 3.8s [CV] n_estimators=65, min_samples_leaf=18, max_features=0.844444444444 [CV] n_estimators=65, min_samples_leaf=18, max_features=0.844444444444, score=0.619834, total= 3.9s [CV] n_estimators=65, min_samples_leaf=18, max_features=0.844444444444, score=0.677539, total= 3.9s [CV] n_estimators=65, min_samples_leaf=18, max_features=0.844444444444, score=0.542335, total= 3.9s [CV] n_estimators=65, min_samples_leaf=18, max_features=0.844444444444, score=0.622738, total= 3.9s [CV] n_estimators=65, min_samples_leaf=18, max_features=0.844444444444, score=0.524228, total= 3.9s [CV] n_estimators=65, min_samples_leaf=18, max_features=0.844444444444, score=0.567276, total= 3.9s [CV] n_estimators=65, min_samples_leaf=18, max_features=0.844444444444 [CV] n_estimators=32, min_samples_leaf=41, max_features=0.788888888889 [CV] n_estimators=65, min_samples_leaf=18, max_features=0.844444444444, score=0.642162, total= 3.9s [CV] n_estimators=32, min_samples_leaf=41, max_features=0.788888888889 [CV] n_estimators=32, min_samples_leaf=41, max_features=0.788888888889 [CV] n_estimators=32, min_samples_leaf=41, max_features=0.788888888889 [CV] n_estimators=32, min_samples_leaf=41, max_features=0.788888888889 [CV] n_estimators=32, min_samples_leaf=41, max_features=0.788888888889
[Parallel(n_jobs=-1)]: Done 2 tasks | elapsed: 4.2s
[CV] n_estimators=32, min_samples_leaf=41, max_features=0.788888888889, score=0.620931, total= 1.4s [CV] n_estimators=32, min_samples_leaf=41, max_features=0.788888888889, score=0.627061, total= 1.3s [CV] n_estimators=32, min_samples_leaf=41, max_features=0.788888888889, score=0.579925, total= 1.4s [CV] n_estimators=32, min_samples_leaf=41, max_features=0.788888888889 [CV] n_estimators=32, min_samples_leaf=41, max_features=0.788888888889, score=0.685339, total= 1.4s [CV] n_estimators=32, min_samples_leaf=41, max_features=0.788888888889, score=0.544640, total= 1.4s [CV] n_estimators=32, min_samples_leaf=41, max_features=0.788888888889, score=0.649077, total= 1.4s [CV] n_estimators=32, min_samples_leaf=41, max_features=0.788888888889 [CV] n_estimators=32, min_samples_leaf=41, max_features=0.788888888889 [CV] n_estimators=32, min_samples_leaf=41, max_features=0.788888888889 [CV] n_estimators=21, min_samples_leaf=41, max_features=0.733333333333 [CV] n_estimators=21, min_samples_leaf=41, max_features=0.733333333333 [CV] n_estimators=65, min_samples_leaf=18, max_features=0.844444444444, score=0.584829, total= 1.8s
[Parallel(n_jobs=-1)]: Done 9 tasks | elapsed: 5.8s
[CV] n_estimators=21, min_samples_leaf=41, max_features=0.733333333333 [CV] n_estimators=65, min_samples_leaf=18, max_features=0.844444444444, score=0.665423, total= 1.7s [CV] n_estimators=21, min_samples_leaf=41, max_features=0.733333333333
[Parallel(n_jobs=-1)]: Done 16 tasks | elapsed: 6.1s
[CV] n_estimators=32, min_samples_leaf=41, max_features=0.788888888889, score=0.521611, total= 0.8s [CV] n_estimators=21, min_samples_leaf=41, max_features=0.733333333333 [CV] n_estimators=21, min_samples_leaf=41, max_features=0.733333333333, score=0.575266, total= 1.1s [CV] n_estimators=21, min_samples_leaf=41, max_features=0.733333333333 [CV] n_estimators=21, min_samples_leaf=41, max_features=0.733333333333, score=0.641484, total= 1.0s [CV] n_estimators=21, min_samples_leaf=41, max_features=0.733333333333, score=0.682950, total= 1.0s [CV] n_estimators=32, min_samples_leaf=41, max_features=0.788888888889, score=0.568302, total= 1.2s [CV] n_estimators=21, min_samples_leaf=41, max_features=0.733333333333, score=0.621169, total= 0.9s [CV] n_estimators=21, min_samples_leaf=41, max_features=0.733333333333 [CV] n_estimators=32, min_samples_leaf=41, max_features=0.788888888889, score=0.585956, total= 1.2s [CV] n_estimators=21, min_samples_leaf=41, max_features=0.733333333333 [CV] n_estimators=32, min_samples_leaf=41, max_features=0.788888888889, score=0.673254, total= 1.2s [CV] n_estimators=21, min_samples_leaf=41, max_features=0.733333333333 [CV] n_estimators=21, min_samples_leaf=41, max_features=0.733333333333 [CV] n_estimators=43, min_samples_leaf=47, max_features=0.733333333333 [CV] n_estimators=43, min_samples_leaf=47, max_features=0.733333333333 [CV] n_estimators=21, min_samples_leaf=41, max_features=0.733333333333, score=0.626687, total= 0.3s [CV] n_estimators=43, min_samples_leaf=47, max_features=0.733333333333
[Parallel(n_jobs=-1)]: Done 25 tasks | elapsed: 7.4s
[CV] n_estimators=21, min_samples_leaf=41, max_features=0.733333333333, score=0.546928, total= 0.4s [CV] n_estimators=43, min_samples_leaf=47, max_features=0.733333333333 [CV] n_estimators=21, min_samples_leaf=41, max_features=0.733333333333, score=0.518425, total= 0.7s [CV] n_estimators=43, min_samples_leaf=47, max_features=0.733333333333 [CV] n_estimators=21, min_samples_leaf=41, max_features=0.733333333333, score=0.586956, total= 0.7s [CV] n_estimators=21, min_samples_leaf=41, max_features=0.733333333333, score=0.569343, total= 0.8s [CV] n_estimators=43, min_samples_leaf=47, max_features=0.733333333333 [CV] n_estimators=43, min_samples_leaf=47, max_features=0.733333333333 [CV] n_estimators=21, min_samples_leaf=41, max_features=0.733333333333, score=0.675749, total= 0.9s [CV] n_estimators=43, min_samples_leaf=47, max_features=0.733333333333 [CV] n_estimators=43, min_samples_leaf=47, max_features=0.733333333333, score=0.645932, total= 1.3s [CV] n_estimators=43, min_samples_leaf=47, max_features=0.733333333333 [CV] n_estimators=43, min_samples_leaf=47, max_features=0.733333333333, score=0.580373, total= 1.5s [CV] n_estimators=43, min_samples_leaf=47, max_features=0.733333333333, score=0.684717, total= 1.5s [CV] n_estimators=43, min_samples_leaf=47, max_features=0.733333333333 [CV] n_estimators=80, min_samples_leaf=45, max_features=0.677777777778 [CV] n_estimators=43, min_samples_leaf=47, max_features=0.733333333333, score=0.622065, total= 1.4s [CV] n_estimators=80, min_samples_leaf=45, max_features=0.677777777778
[Parallel(n_jobs=-1)]: Done 34 tasks | elapsed: 9.4s
[CV] n_estimators=43, min_samples_leaf=47, max_features=0.733333333333, score=0.626570, total= 1.4s [CV] n_estimators=43, min_samples_leaf=47, max_features=0.733333333333, score=0.548124, total= 1.2s [CV] n_estimators=80, min_samples_leaf=45, max_features=0.677777777778 [CV] n_estimators=43, min_samples_leaf=47, max_features=0.733333333333, score=0.519368, total= 1.2s [CV] n_estimators=80, min_samples_leaf=45, max_features=0.677777777778 [CV] n_estimators=80, min_samples_leaf=45, max_features=0.677777777778 [CV] n_estimators=43, min_samples_leaf=47, max_features=0.733333333333, score=0.569293, total= 1.3s [CV] n_estimators=80, min_samples_leaf=45, max_features=0.677777777778 [CV] n_estimators=43, min_samples_leaf=47, max_features=0.733333333333, score=0.587361, total= 1.0s [CV] n_estimators=80, min_samples_leaf=45, max_features=0.677777777778 [CV] n_estimators=43, min_samples_leaf=47, max_features=0.733333333333, score=0.673838, total= 1.0s [CV] n_estimators=80, min_samples_leaf=45, max_features=0.677777777778 [CV] n_estimators=80, min_samples_leaf=45, max_features=0.677777777778, score=0.579774, total= 2.6s [CV] n_estimators=80, min_samples_leaf=45, max_features=0.677777777778 [CV] n_estimators=80, min_samples_leaf=45, max_features=0.677777777778, score=0.648983, total= 2.7s [CV] n_estimators=80, min_samples_leaf=45, max_features=0.677777777778 [CV] n_estimators=80, min_samples_leaf=45, max_features=0.677777777778, score=0.621037, total= 2.7s [CV] n_estimators=13, min_samples_leaf=26, max_features=0.622222222222 [CV] n_estimators=80, min_samples_leaf=45, max_features=0.677777777778, score=0.624336, total= 2.8s [CV] n_estimators=80, min_samples_leaf=45, max_features=0.677777777778, score=0.686178, total= 2.9s [CV] n_estimators=13, min_samples_leaf=26, max_features=0.622222222222 [CV] n_estimators=80, min_samples_leaf=45, max_features=0.677777777778, score=0.547155, total= 2.6s [CV] n_estimators=13, min_samples_leaf=26, max_features=0.622222222222 [CV] n_estimators=13, min_samples_leaf=26, max_features=0.622222222222
/Users/graham/anaconda/lib/python3.6/site-packages/sklearn/ensemble/forest.py:723: UserWarning: Some inputs do not have OOB scores. This probably means too few trees were used to compute any reliable oob estimates. warn("Some inputs do not have OOB scores. "
[CV] n_estimators=80, min_samples_leaf=45, max_features=0.677777777778, score=0.523660, total= 2.6s
[Parallel(n_jobs=-1)]: Done 45 tasks | elapsed: 12.8s
[CV] n_estimators=13, min_samples_leaf=26, max_features=0.622222222222 [CV] n_estimators=80, min_samples_leaf=45, max_features=0.677777777778, score=0.570185, total= 2.7s [CV] n_estimators=13, min_samples_leaf=26, max_features=0.622222222222
/Users/graham/anaconda/lib/python3.6/site-packages/sklearn/ensemble/forest.py:723: UserWarning: Some inputs do not have OOB scores. This probably means too few trees were used to compute any reliable oob estimates. warn("Some inputs do not have OOB scores. " /Users/graham/anaconda/lib/python3.6/site-packages/sklearn/ensemble/forest.py:723: UserWarning: Some inputs do not have OOB scores. This probably means too few trees were used to compute any reliable oob estimates. warn("Some inputs do not have OOB scores. " /Users/graham/anaconda/lib/python3.6/site-packages/sklearn/ensemble/forest.py:723: UserWarning: Some inputs do not have OOB scores. This probably means too few trees were used to compute any reliable oob estimates. warn("Some inputs do not have OOB scores. " /Users/graham/anaconda/lib/python3.6/site-packages/sklearn/ensemble/forest.py:723: UserWarning: Some inputs do not have OOB scores. This probably means too few trees were used to compute any reliable oob estimates. warn("Some inputs do not have OOB scores. " /Users/graham/anaconda/lib/python3.6/site-packages/sklearn/ensemble/forest.py:723: UserWarning: Some inputs do not have OOB scores. This probably means too few trees were used to compute any reliable oob estimates. warn("Some inputs do not have OOB scores. "
[CV] n_estimators=13, min_samples_leaf=26, max_features=0.622222222222, score=0.567376, total= 0.6s [CV] n_estimators=13, min_samples_leaf=26, max_features=0.622222222222 [CV] n_estimators=13, min_samples_leaf=26, max_features=0.622222222222, score=0.619768, total= 0.5s [CV] n_estimators=13, min_samples_leaf=26, max_features=0.622222222222, score=0.684522, total= 0.5s [CV] n_estimators=13, min_samples_leaf=26, max_features=0.622222222222 [CV] n_estimators=13, min_samples_leaf=26, max_features=0.622222222222 [CV] n_estimators=13, min_samples_leaf=26, max_features=0.622222222222, score=0.641943, total= 0.6s [CV] n_estimators=13, min_samples_leaf=26, max_features=0.622222222222 [CV] n_estimators=13, min_samples_leaf=26, max_features=0.622222222222, score=0.622125, total= 0.3s [CV] n_estimators=17, min_samples_leaf=28, max_features=0.677777777778
/Users/graham/anaconda/lib/python3.6/site-packages/sklearn/ensemble/forest.py:723: UserWarning: Some inputs do not have OOB scores. This probably means too few trees were used to compute any reliable oob estimates. warn("Some inputs do not have OOB scores. "
[CV] n_estimators=13, min_samples_leaf=26, max_features=0.622222222222, score=0.540267, total= 0.3s [CV] n_estimators=80, min_samples_leaf=45, max_features=0.677777777778, score=0.586197, total= 1.5s [CV] n_estimators=80, min_samples_leaf=45, max_features=0.677777777778, score=0.676987, total= 1.2s [CV] n_estimators=17, min_samples_leaf=28, max_features=0.677777777778 [CV] n_estimators=17, min_samples_leaf=28, max_features=0.677777777778
/Users/graham/anaconda/lib/python3.6/site-packages/sklearn/ensemble/forest.py:723: UserWarning: Some inputs do not have OOB scores. This probably means too few trees were used to compute any reliable oob estimates. warn("Some inputs do not have OOB scores. "
[CV] n_estimators=17, min_samples_leaf=28, max_features=0.677777777778
/Users/graham/anaconda/lib/python3.6/site-packages/sklearn/ensemble/forest.py:723: UserWarning: Some inputs do not have OOB scores. This probably means too few trees were used to compute any reliable oob estimates. warn("Some inputs do not have OOB scores. " [Parallel(n_jobs=-1)]: Done 56 tasks | elapsed: 13.7s /Users/graham/anaconda/lib/python3.6/site-packages/sklearn/ensemble/forest.py:723: UserWarning: Some inputs do not have OOB scores. This probably means too few trees were used to compute any reliable oob estimates. warn("Some inputs do not have OOB scores. "
[CV] n_estimators=13, min_samples_leaf=26, max_features=0.622222222222, score=0.525842, total= 0.4s [CV] n_estimators=17, min_samples_leaf=28, max_features=0.677777777778 [CV] n_estimators=13, min_samples_leaf=26, max_features=0.622222222222, score=0.587723, total= 0.3s [CV] n_estimators=13, min_samples_leaf=26, max_features=0.622222222222, score=0.565178, total= 0.3s [CV] n_estimators=17, min_samples_leaf=28, max_features=0.677777777778 [CV] n_estimators=17, min_samples_leaf=28, max_features=0.677777777778 [CV] n_estimators=13, min_samples_leaf=26, max_features=0.622222222222, score=0.662023, total= 0.5s [CV] n_estimators=17, min_samples_leaf=28, max_features=0.677777777778 [CV] n_estimators=17, min_samples_leaf=28, max_features=0.677777777778, score=0.621190, total= 0.5s [CV] n_estimators=17, min_samples_leaf=28, max_features=0.677777777778, score=0.574535, total= 0.7s [CV] n_estimators=17, min_samples_leaf=28, max_features=0.677777777778 [CV] n_estimators=17, min_samples_leaf=28, max_features=0.677777777778 [CV] n_estimators=17, min_samples_leaf=28, max_features=0.677777777778, score=0.643643, total= 0.7s [CV] n_estimators=17, min_samples_leaf=28, max_features=0.677777777778, score=0.685602, total= 0.7s [CV] n_estimators=50, min_samples_leaf=28, max_features=0.622222222222 [CV] n_estimators=50, min_samples_leaf=28, max_features=0.622222222222 [CV] n_estimators=17, min_samples_leaf=28, max_features=0.677777777778, score=0.622048, total= 0.6s [CV] n_estimators=17, min_samples_leaf=28, max_features=0.677777777778, score=0.567017, total= 0.3s [CV] n_estimators=17, min_samples_leaf=28, max_features=0.677777777778, score=0.517911, total= 0.5s [CV] n_estimators=17, min_samples_leaf=28, max_features=0.677777777778, score=0.544039, total= 0.5s [CV] n_estimators=50, min_samples_leaf=28, max_features=0.622222222222 [CV] n_estimators=50, min_samples_leaf=28, max_features=0.622222222222 [CV] n_estimators=50, min_samples_leaf=28, max_features=0.622222222222 [CV] n_estimators=50, min_samples_leaf=28, max_features=0.622222222222 [CV] n_estimators=17, min_samples_leaf=28, max_features=0.677777777778, score=0.664356, total= 0.5s [CV] n_estimators=50, min_samples_leaf=28, max_features=0.622222222222 [CV] n_estimators=17, min_samples_leaf=28, max_features=0.677777777778, score=0.585448, total= 0.6s [CV] n_estimators=50, min_samples_leaf=28, max_features=0.622222222222
[Parallel(n_jobs=-1)]: Done 69 tasks | elapsed: 15.2s
--------------------------------------------------------------------------- KeyboardInterrupt Traceback (most recent call last)in () ----> 1 get_ipython().run_cell_magic('time', '', "from sklearn.model_selection import RandomizedSearchCV, GridSearchCV\n\nparams = {'n_estimators': np.linspace(10,80,20).astype(int),\n 'max_features': np.linspace(0.4,0.9,10),\n 'min_samples_leaf' : np.linspace(10,50,20).astype(int),\n }\n \nRFmodel = RandomizedSearchCV(RandomForestRegressor(oob_score=True, random_state=0, n_jobs=-1), \n n_iter=100, cv=10, n_jobs=-1, param_distributions=params, verbose=10)\nRFpreds, score = fitit(RFmodel, saveit=False)\nprint(RFmodel.best_params_)\nprint(RFmodel.best_estimator_)") /Users/graham/anaconda/lib/python3.6/site-packages/IPython/core/interactiveshell.py in run_cell_magic(self, magic_name, line, cell) 2113 magic_arg_s = self.var_expand(line, stack_depth) 2114 with self.builtin_trap: -> 2115 result = fn(magic_arg_s, cell) 2116 return result 2117 in time(self, line, cell, local_ns) /Users/graham/anaconda/lib/python3.6/site-packages/IPython/core/magic.py in (f, *a, **k) 186 # but it's overkill for just that one bit of state. 187 def magic_deco(arg): --> 188 call = lambda f, *a, **k: f(*a, **k) 189 190 if callable(arg): /Users/graham/anaconda/lib/python3.6/site-packages/IPython/core/magics/execution.py in time(self, line, cell, local_ns) 1183 else: 1184 st = clock2() -> 1185 exec(code, glob, local_ns) 1186 end = clock2() 1187 out = None in () in fitit(model, saveit) 2 3 def fitit(model, saveit=True): ----> 4 model.fit(Xtrain, ytrain) # .drop('ID',1) 5 vpreds = model.predict(Xvalid) # .drop('ID',1) 6 if not saveit: /Users/graham/anaconda/lib/python3.6/site-packages/sklearn/model_selection/_search.py in fit(self, X, y, groups) 1188 self.n_iter, 1189 random_state=self.random_state) -> 1190 return self._fit(X, y, groups, sampled_params) /Users/graham/anaconda/lib/python3.6/site-packages/sklearn/model_selection/_search.py in _fit(self, X, y, groups, parameter_iterable) 562 return_times=True, return_parameters=True, 563 error_score=self.error_score) --> 564 for parameters in parameter_iterable 565 for train, test in cv_iter) 566 /Users/graham/anaconda/lib/python3.6/site-packages/sklearn/externals/joblib/parallel.py in __call__(self, iterable) 766 # consumption. 767 self._iterating = False --> 768 self.retrieve() 769 # Make sure that we get a last message telling us we are done 770 elapsed_time = time.time() - self._start_time /Users/graham/anaconda/lib/python3.6/site-packages/sklearn/externals/joblib/parallel.py in retrieve(self) 717 ensure_ready = self._managed_backend 718 backend.abort_everything(ensure_ready=ensure_ready) --> 719 raise exception 720 721 def __call__(self, iterable): /Users/graham/anaconda/lib/python3.6/site-packages/sklearn/externals/joblib/parallel.py in retrieve(self) 680 # check if timeout supported in backend future implementation 681 if 'timeout' in getfullargspec(job.get).args: --> 682 self._output.extend(job.get(timeout=self.timeout)) 683 else: 684 self._output.extend(job.get()) /Users/graham/anaconda/lib/python3.6/multiprocessing/pool.py in get(self, timeout) 600 601 def get(self, timeout=None): --> 602 self.wait(timeout) 603 if not self.ready(): 604 raise TimeoutError /Users/graham/anaconda/lib/python3.6/multiprocessing/pool.py in wait(self, timeout) 597 598 def wait(self, timeout=None): --> 599 self._event.wait(timeout) 600 601 def get(self, timeout=None): /Users/graham/anaconda/lib/python3.6/threading.py in wait(self, timeout) 549 signaled = self._flag 550 if not signaled: --> 551 signaled = self._cond.wait(timeout) 552 return signaled 553 /Users/graham/anaconda/lib/python3.6/threading.py in wait(self, timeout) 293 try: # restore state no matter what (e.g., KeyboardInterrupt) 294 if timeout is None: --> 295 waiter.acquire() 296 gotit = True 297 else: KeyboardInterrupt:
Support Vector Machine Regressor (not tuned)¶
In [60]:
%%time
from sklearn.svm import SVR
SVmodel = SVR()
Svpreds, score = fitit(SVmodel)
Train R2 score= 0.05053 Test R2 score= -0.00984 Predictions saved to file: Preds_SVmodel.csv CPU times: user 26.5 s, sys: 253 ms, total: 26.7 s Wall time: 26.8 s
Neural Network Regressor¶
In [61]:
from sklearn.neural_network import MLPRegressor
NNmodel = MLPRegressor(solver='lbfgs',
activation = 'tanh',
alpha = 1.05, #0.001,
hidden_layer_sizes = [8],
random_state = 0)
# NNmodel = MLPRegressor(solver='adam',
# activation = 'relu',
# alpha = 2,
# hidden_layer_sizes = [40],
# random_state = 0)
NNpreds, score = fitit(NNmodel)
Train R2 score= 0.52481 Test R2 score= 0.48271 Predictions saved to file: Preds_NNmodel.csv
Gradient Boosted Decision Trees (xgboost gets better results)¶
In [42]:
%%time
from sklearn.ensemble import GradientBoostingRegressor
GBmodel = GradientBoostingRegressor(learning_rate=0.1, n_estimators=77, random_state=0, # tuned on all data
max_depth=3, min_samples_split=10, min_samples_leaf=1,
max_features=150, subsample=1)
GBpreds, score = fitit(GBmodel)
features(GBmodel)
Train R2 score= 0.65052 Test R2 score= 0.6399 Predictions saved to file: Preds_GBmodel.csv CPU times: user 1.03 s, sys: 27.9 ms, total: 1.06 s Wall time: 1.06 s
Scikit-optimize on sklearn GradientBoostingRegressor¶
In [43]:
from sklearn.ensemble import GradientBoostingRegressor
from sklearn.model_selection import cross_val_score
from skopt import gp_minimize
def objective(params):
lr = 10.0 ** params[0]
nest = params[1]
maxd = params[2]
minss = params[3]
maxf = params[4]
minsl = params[5]
GBmodel = GradientBoostingRegressor(learning_rate=lr, n_estimators=nest, random_state=0,
max_depth=maxd, min_samples_split=minss, min_samples_leaf=minsl,
max_features=maxf, subsample=1)
results = cross_val_score(GBmodel, Xtrain, ytrain, cv=5, n_jobs=-1, scoring='neg_mean_squared_error')
return -np.mean(results)
In [44]:
%%time
space = [(-5.0, 0.0), # learning_rate
(20, 800), # n_estimators
(1, 6), # max_depth
(2, 100), # min_samples_split
(1, Xtrain.shape[1]), # max_features
(1, 20), # min_samples_leaf
]
r = gp_minimize(objective, space, n_calls=200, random_state=0)
print(r.x)
[-1.5850655826815125, 259, 2, 35, 513, 17] CPU times: user 14min 33s, sys: 40.9 s, total: 15min 14s Wall time: 22min 21s
In [45]:
from skopt.plots import plot_convergence
_ = plt.figure(figsize=(16,6))
_ = plot_convergence(r, yscale='log')
In [46]:
GBmodel = GradientBoostingRegressor(learning_rate=10**-1.5850655826815125, n_estimators=259, random_state=0,
max_depth=2, min_samples_split=35, max_features=513, min_samples_leaf=17,
subsample=1)
GBpreds, score = fitit(GBmodel)
features(GBmodel)
Train R2 score= 0.62342 Test R2 score= 0.63897 Predictions saved to file: Preds_GBmodel.csv
In [8]:
%%time
# try random search to improve above gradient boosting
from sklearn.ensemble import GradientBoostingRegressor
from sklearn.model_selection import RandomizedSearchCV, GridSearchCV
# params = {'n_estimators': np.linspace(10, 100, 10).astype(int),
# 'learning_rate': np.linspace(0.1, 0.4, 5),
# 'max_features': np.linspace(0.2, 0.9, 5),
# 'max_depth': [1,2,3,],
# 'min_samples_leaf': [2,3,],
# 'min_samples_split': [2,3,],
# 'subsample': [0.93, 0.95, 0.97]
# }
params = {'learning_rate': [0.1],
'n_estimators': [77], # tuned on full data 77
'max_depth': [3], # tuned on full data 3
'min_samples_split': [10], # tuned on full data 10
'min_samples_leaf' : [1], # tuned on full data 1
'max_features': [150], # tuned on full data 150
'subsample': [1], # tuned on full data 1
}
GBmodel = GridSearchCV(GradientBoostingRegressor(random_state=0),
cv=10, n_jobs=-1, param_grid=params, verbose=1)
GBpreds, score = fitit(GBmodel, saveit=False)
print('BEST', GBmodel.best_params_)
print(GBmodel.best_estimator_)
Fitting 10 folds for each of 1 candidates, totalling 10 fits
[Parallel(n_jobs=-1)]: Done 6 out of 10 | elapsed: 1.9s remaining: 1.3s [Parallel(n_jobs=-1)]: Done 10 out of 10 | elapsed: 2.9s finished
BEST {'n_estimators': 77, 'min_samples_leaf': 1, 'min_samples_split': 10, 'max_features': 150, 'subsample': 1, 'max_depth': 3, 'learning_rate': 0.1} GradientBoostingRegressor(alpha=0.9, criterion='friedman_mse', init=None, learning_rate=0.1, loss='ls', max_depth=3, max_features=150, max_leaf_nodes=None, min_impurity_split=1e-07, min_samples_leaf=1, min_samples_split=10, min_weight_fraction_leaf=0.0, n_estimators=77, presort='auto', random_state=0, subsample=1, verbose=0, warm_start=False) CPU times: user 1.38 s, sys: 113 ms, total: 1.49 s Wall time: 4.23 s
XGBoost (very good!)¶
In [1]:
%%time
# Tuning Approach
# set all params to default (incl learning rate=0.1)
# tune min_child_weight and max_depth together for [1,2,3,4,5,6]
# tune gamma from 0-1
# tune subsample and colsample_bytree around 0.5-1
# tune reg_alpha, reg_lambda from 0-20
import xgboost as xgb
from sklearn.metrics import r2_score
# params = { # original params from kaggle example
# 'n_trees': 500, # param likely not used
# 'eta': 0.005, # 0.01-0.2 but 0.1 is recommended
# 'max_depth': 4, # 3-6
# 'subsample': 0.95, # 0.5-1
# 'objective': 'reg:linear', # correct as is
# 'eval_metric': 'rmse',
# 'base_score': np.mean(ytrain), # base prediction = mean(target)
# 'silent': 1
# }
params = {
'learning_rate': 0.042, # 0.6752 submitted with LR0.04, Lr0.042 = 0.67728 (best on kaggle)
'min_child_weight': 1,
'max_depth': 5,
'gamma': 0,
'subsample': 0.95,
'colsample_bytree': 1,
'reg_alpha': 0,
'reg_lambda': 1,
'eval_metric': 'rmse',
'base_score': np.mean(ytrain), # base prediction = mean(target)
}
dtrain = xgb.DMatrix(Xtrain, ytrain) # train on train subset of training data
cv_result = xgb.cv(params, dtrain, num_boost_round=9000, early_stopping_rounds=50,
nfold=10, verbose_eval=50, show_stdv=False)
XBmodel = xgb.train(dict(params, silent=0), dtrain, num_boost_round=cv_result.shape[0])
XBtpreds = XBmodel.predict(dtrain)
print('\nR2 for training ', r2_score(dtrain.get_label(), XBtpreds))
dvalid = xgb.DMatrix(Xvalid)
XBvpreds = XBmodel.predict(dvalid)
print('R2 for validation', r2_score(yvalid, XBvpreds))
dtest = xgb.DMatrix(Xtest)
XBpreds = pd.DataFrame({'ID': Xtest.ID, 'y': XBmodel.predict(dtest)})
XBpreds.to_csv('Preds_XGBoostModel.csv', index=False)
print('Number of estimators', cv_result.shape[0])
_ = plt.figure(figsize=(18,5))
feat_imp = pd.Series(XBmodel.get_fscore()).sort_values(ascending=False)[:30]
_=feat_imp.plot(kind='bar', title='Feature Importances')
_=plt.ylabel('Feature Importance Score')
--------------------------------------------------------------------------- OSError Traceback (most recent call last)in () ----> 1 get_ipython().run_cell_magic('time', '', "# Tuning Approach\n# set all params to default (incl learning rate=0.1)\n# tune min_child_weight and max_depth together for [1,2,3,4,5,6]\n# tune gamma from 0-1\n# tune subsample and colsample_bytree around 0.5-1\n# tune reg_alpha, reg_lambda from 0-20\n\nimport xgboost as xgb\nfrom sklearn.metrics import r2_score\n\n# params = { # original params from kaggle example\n# 'n_trees': 500, # param likely not used\n# 'eta': 0.005, # 0.01-0.2 but 0.1 is recommended\n# 'max_depth': 4, # 3-6\n# 'subsample': 0.95, # 0.5-1\n# 'objective': 'reg:linear', # correct as is\n# 'eval_metric': 'rmse',\n# 'base_score': np.mean(ytrain), # base prediction = mean(target)\n# 'silent': 1\n# }\n\nparams = {\n 'learning_rate': 0.042, # 0.6752 submitted with LR0.04, Lr0.042 = 0.67728 (best on kaggle)\n 'min_child_weight': 1, \n 'max_depth': 5, \n 'gamma': 0, \n 'subsample': 0.95,\n 'colsample_bytree': 1, \n 'reg_alpha': 0, \n 'reg_lambda': 1,\n 'eval_metric': 'rmse',\n 'base_score': np.mean(ytrain), # base prediction = mean(target)\n}\n\ndtrain = xgb.DMatrix(Xtrain, ytrain) # train on train subset of training data\n\ncv_result = xgb.cv(params, dtrain, num_boost_round=9000, early_stopping_rounds=50,\n nfold=10, verbose_eval=50, show_stdv=False)\n\nXBmodel = xgb.train(dict(params, silent=0), dtrain, num_boost_round=cv_result.shape[0])\n\nXBtpreds = XBmodel.predict(dtrain)\nprint('\\nR2 for training ', r2_score(dtrain.get_label(), XBtpreds))\n\ndvalid = xgb.DMatrix(Xvalid)\nXBvpreds = XBmodel.predict(dvalid)\nprint('R2 for validation', r2_score(yvalid, XBvpreds))\n\ndtest = xgb.DMatrix(Xtest)\nXBpreds = pd.DataFrame({'ID': Xtest.ID, 'y': XBmodel.predict(dtest)})\nXBpreds.to_csv('Preds_XGBoostModel.csv', index=False)\nprint('Number of estimators', cv_result.shape[0])\n\n_ = plt.figure(figsize=(18,5))\nfeat_imp = pd.Series(XBmodel.get_fscore()).sort_values(ascending=False)[:30]\n_=feat_imp.plot(kind='bar', title='Feature Importances')\n_=plt.ylabel('Feature Importance Score')") /Users/graham/anaconda/lib/python3.6/site-packages/IPython/core/interactiveshell.py in run_cell_magic(self, magic_name, line, cell) 2113 magic_arg_s = self.var_expand(line, stack_depth) 2114 with self.builtin_trap: -> 2115 result = fn(magic_arg_s, cell) 2116 return result 2117 in time(self, line, cell, local_ns) /Users/graham/anaconda/lib/python3.6/site-packages/IPython/core/magic.py in (f, *a, **k) 186 # but it's overkill for just that one bit of state. 187 def magic_deco(arg): --> 188 call = lambda f, *a, **k: f(*a, **k) 189 190 if callable(arg): /Users/graham/anaconda/lib/python3.6/site-packages/IPython/core/magics/execution.py in time(self, line, cell, local_ns) 1183 else: 1184 st = clock2() -> 1185 exec(code, glob, local_ns) 1186 end = clock2() 1187 out = None in () /Users/graham/anaconda/lib/python3.6/site-packages/xgboost-0.6-py3.6.egg/xgboost/__init__.py in () 9 import os 10 ---> 11 from .core import DMatrix, Booster 12 from .training import train, cv 13 from . import rabit # noqa /Users/graham/anaconda/lib/python3.6/site-packages/xgboost-0.6-py3.6.egg/xgboost/core.py in () 113 114 # load the XGBoost library globally --> 115 _LIB = _load_lib() 116 117 /Users/graham/anaconda/lib/python3.6/site-packages/xgboost-0.6-py3.6.egg/xgboost/core.py in _load_lib() 107 if len(lib_path) == 0: 108 return None --> 109 lib = ctypes.cdll.LoadLibrary(lib_path[0]) 110 lib.XGBGetLastError.restype = ctypes.c_char_p 111 return lib /Users/graham/anaconda/lib/python3.6/ctypes/__init__.py in LoadLibrary(self, name) 424 425 def LoadLibrary(self, name): --> 426 return self._dlltype(name) 427 428 cdll = LibraryLoader(CDLL) /Users/graham/anaconda/lib/python3.6/ctypes/__init__.py in __init__(self, name, mode, handle, use_errno, use_last_error) 346 347 if handle is None: --> 348 self._handle = _dlopen(self._name, mode) 349 else: 350 self._handle = handle OSError: dlopen(/Users/graham/anaconda/lib/python3.6/site-packages/xgboost-0.6-py3.6.egg/xgboost/libxgboost.dylib, 6): Library not loaded: /usr/local/opt/gcc/lib/gcc/7/libgomp.1.dylib Referenced from: /Users/graham/anaconda/lib/python3.6/site-packages/xgboost-0.6-py3.6.egg/xgboost/libxgboost.dylib Reason: image not found
In [16]:
%%time
import xgboost as xgb
from sklearn.model_selection import RandomizedSearchCV, GridSearchCV
params = {
'min_child_weight': [1], # 9 full tune, 3 initial tune
'max_depth': [4], # 1 full tune, 2 initial tune
'gamma': np.linspace(0, 0.07, 3), # 0 full tune 0.03 initial tune
'subsample': np.linspace(0.8, 1, 3), # initial tune 0.92,
'colsample_bytree': np.linspace(0.1, 0.8, 5), # initial tune 0.82,
'reg_alpha': np.linspace(0, 2, 3),
'reg_lambda': np.linspace(5, 15, 5),
}
# XGmodel = xgb.XGBRegressor(learning_rate=0.1, n_estimators=1000, min_child_weight=3, max_depth=2, gamma=0,
# subsample=0.92, colsample_bytree=0.82, reg_alpha=2.4, reg_lambda=2.8,
# base_score=np.mean(ytrain), random_state=0) # tuned on 80% of data
XGmodel = xgb.XGBRegressor(learning_rate=0.06, n_estimators=1000, min_child_weight=9, max_depth=1, gamma=0,
subsample=1, colsample_bytree=0.23, reg_alpha=0, reg_lambda=1,
base_score=np.mean(ytrain), random_state=0,n_jobs=1)
#XGmodel = GridSearchCV(XGmodel, cv=10, param_grid=params, verbose=2)
XGmodel = RandomizedSearchCV(XGmodel, cv=10, n_iter=150, n_jobs=-1, param_distributions=params, verbose=10)
XGpreds, score = fitit(XGmodel, saveit=False)
print(XGmodel.best_estimator_)
print(XGmodel.best_params_)
#print()
#print(XGmodel.cv_results_)
Fitting 10 folds for each of 150 candidates, totalling 1500 fits [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.693043, total= 1.3min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.553225, total= 1.3min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.615543, total= 1.3min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.478309, total= 1.3min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.605426, total= 1.3min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.586317, total= 1.3min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.510709, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0
[Parallel(n_jobs=-1)]: Done 2 tasks | elapsed: 1.3min
[CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.621440, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.590927, total= 57.8s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.686296, total= 57.9s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.537644, total= 58.0s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.622550, total= 57.9s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.617388, total= 57.9s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.607056, total= 58.0s
[Parallel(n_jobs=-1)]: Done 9 tasks | elapsed: 2.3min
[CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.558304, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.632507, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0
[Parallel(n_jobs=-1)]: Done 16 tasks | elapsed: 2.6min
[CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.512418, total= 59.1s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.481902, total= 59.1s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.646078, total= 59.0s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.553985, total= 59.5s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.543621, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.691547, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.582209, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.607662, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.618564, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.626037, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.479097, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5
[Parallel(n_jobs=-1)]: Done 25 tasks | elapsed: 4.5min
[CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.517480, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.556387, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.639585, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.543174, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.687172, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.602200, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.608873, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.577525, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0
[Parallel(n_jobs=-1)]: Done 34 tasks | elapsed: 5.7min
[CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.629709, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.556968, total= 14.7s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.695359, total= 14.7s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.476732, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.513277, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.606493, total= 14.8s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.614889, total= 14.9s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.641391, total= 15.1s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.500225, total= 15.1s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.618703, total= 15.1s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.564956, total= 15.1s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.520106, total= 15.1s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0
[Parallel(n_jobs=-1)]: Done 45 tasks | elapsed: 6.2min
[CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.636022, total= 15.2s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.552916, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.638426, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.545927, total= 15.3s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.608108, total= 15.4s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.610076, total= 15.5s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.693671, total= 15.5s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.630691, total= 15.5s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.613945, total= 15.5s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0
[Parallel(n_jobs=-1)]: Done 56 tasks | elapsed: 6.5min
[CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.492428, total= 15.4s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.511157, total= 15.5s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.559136, total= 14.6s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.636963, total= 14.5s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.583260, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.686343, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.549323, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.599460, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.596552, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.623403, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.462285, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.495001, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.627358, total= 1.3min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.548108, total= 1.3min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0
[Parallel(n_jobs=-1)]: Done 69 tasks | elapsed: 9.0min
[CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.544672, total= 1.3min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.688564, total= 1.3min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.584658, total= 1.3min [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.599408, total= 1.3min [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.600254, total= 1.3min [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.623067, total= 1.3min [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.549186, total= 53.8s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.685077, total= 53.9s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.593059, total= 52.7s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.620484, total= 52.7s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.464972, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.548023, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.491603, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0
[Parallel(n_jobs=-1)]: Done 82 tasks | elapsed: 10.2min
[CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.624423, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.552006, total= 27.4s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.689092, total= 27.4s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.626015, total= 52.1s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.619872, total= 51.9s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.496063, total= 52.2s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.528710, total= 52.2s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.549750, total= 52.5s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.651378, total= 52.5s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.593098, total= 28.0s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.603531, total= 28.1s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.619349, total= 28.0s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.624980, total= 28.1s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.489796, total= 27.8s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5
[Parallel(n_jobs=-1)]: Done 97 tasks | elapsed: 11.5min
[CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.503010, total= 27.9s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.557064, total= 27.3s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.634683, total= 27.4s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.543635, total= 41.4s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.679502, total= 41.5s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.589946, total= 41.3s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.605070, total= 41.3s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.622184, total= 41.4s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.558453, total= 12.8s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.626103, total= 41.3s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.694826, total= 12.8s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.486153, total= 41.5s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.512831, total= 41.6s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.621177, total= 13.1s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.609059, total= 13.2s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.649168, total= 13.1s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.620973, total= 13.1s
[Parallel(n_jobs=-1)]: Done 112 tasks | elapsed: 12.4min
[CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.508532, total= 13.2s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.530411, total= 13.2s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.549291, total= 42.1s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.642700, total= 41.9s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.637568, total= 12.9s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.568439, total= 13.1s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.550025, total= 26.1s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.692120, total= 26.1s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.606230, total= 26.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.615988, total= 26.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.637464, total= 26.1s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.619558, total= 26.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.495874, total= 26.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.532966, total= 26.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.552078, total= 14.1s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5
[Parallel(n_jobs=-1)]: Done 129 tasks | elapsed: 13.2min
[CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.693796, total= 14.1s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.602671, total= 14.1s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.609907, total= 14.1s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.566571, total= 26.2s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.644293, total= 26.4s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.635027, total= 14.1s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.617409, total= 14.1s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.499855, total= 14.2s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.511304, total= 14.2s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.559301, total= 14.2s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.638341, total= 14.2s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.557504, total= 14.3s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.695652, total= 14.3s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.608411, total= 14.3s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.614448, total= 14.2s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.640064, total= 14.1s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.616225, total= 14.2s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0
[Parallel(n_jobs=-1)]: Done 146 tasks | elapsed: 13.7min
[CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.499545, total= 14.1s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.521043, total= 14.1s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.565297, total= 14.0s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.636340, total= 14.0s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.552130, total= 28.2s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.687456, total= 28.3s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.590680, total= 28.1s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.605917, total= 28.1s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.626120, total= 28.0s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.618972, total= 28.0s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.482807, total= 28.1s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.508547, total= 28.0s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.551199, total= 28.1s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.633297, total= 28.2s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.551861, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.686032, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.587148, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.616205, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.623172, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0
[Parallel(n_jobs=-1)]: Done 165 tasks | elapsed: 15.4min
[CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.626915, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.561940, total= 13.0s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.691537, total= 13.0s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.606344, total= 12.9s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.612665, total= 12.9s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.524941, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.491336, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.642805, total= 13.1s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.617498, total= 13.1s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.501027, total= 13.1s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.525713, total= 13.0s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.562219, total= 13.1s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.638975, total= 13.1s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.559075, total= 13.1s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.691084, total= 13.1s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.605866, total= 13.1s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.619563, total= 13.2s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.640736, total= 13.1s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.619815, total= 13.1s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0
[Parallel(n_jobs=-1)]: Done 184 tasks | elapsed: 16.1min
[CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.505439, total= 13.0s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.528256, total= 13.1s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.567604, total= 13.0s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.635235, total= 13.0s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.551048, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.651792, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.534044, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.688783, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.593195, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.622206, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.629291, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.624652, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.498407, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.524045, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.549553, total= 13.9s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.690074, total= 13.9s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.607269, total= 14.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.609314, total= 14.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.629078, total= 14.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.615899, total= 14.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.495493, total= 14.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5
[Parallel(n_jobs=-1)]: Done 205 tasks | elapsed: 17.8min
[CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.509620, total= 13.9s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.557989, total= 14.1s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.633372, total= 14.1s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.555826, total= 14.1s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.696684, total= 14.1s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.606988, total= 14.2s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.614291, total= 14.2s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.636564, total= 14.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.617116, total= 13.9s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.497646, total= 13.9s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.517872, total= 13.9s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.562766, total= 13.9s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.549308, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.647663, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.638870, total= 13.8s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.550528, total= 42.1s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.683211, total= 42.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.591352, total= 42.1s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.603428, total= 42.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.622820, total= 42.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.618238, total= 41.9s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.483070, total= 41.9s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5
[Parallel(n_jobs=-1)]: Done 226 tasks | elapsed: 19.0min
[CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.512262, total= 42.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.683117, total= 27.8s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.553566, total= 27.9s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.591631, total= 27.9s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.611551, total= 28.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.624825, total= 28.0s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.616516, total= 28.0s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.550950, total= 42.3s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.637731, total= 42.5s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.487509, total= 28.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.510632, total= 28.0s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.555177, total= 28.0s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.636981, total= 27.9s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.539855, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.686731, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.573741, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.599196, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.630925, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.602193, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.471197, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.507886, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.556069, total= 27.5s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0
[Parallel(n_jobs=-1)]: Done 249 tasks | elapsed: 21.1min
[CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.690829, total= 27.5s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.596944, total= 27.6s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.606988, total= 27.6s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.629994, total= 27.5s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.613139, total= 27.5s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.490583, total= 27.6s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.514232, total= 27.6s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.540502, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.634208, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.555455, total= 27.4s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.638418, total= 27.4s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.550349, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.693799, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.586003, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.604909, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.618784, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.621299, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.478309, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.512888, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.544638, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.695820, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.558297, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.633408, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0
[Parallel(n_jobs=-1)]: Done 272 tasks | elapsed: 23.9min
[CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.596410, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.621710, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.623317, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.625726, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.494535, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.526357, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.554383, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.651937, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.546191, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.685163, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.574471, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.598704, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.546504, total= 41.5s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.672992, total= 41.4s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.603872, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.632486, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.506926, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.471518, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.542148, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.633477, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.587516, total= 41.5s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.607201, total= 41.5s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.614551, total= 41.7s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.617966, total= 41.6s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.498881, total= 41.6s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.476218, total= 41.7s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0
[Parallel(n_jobs=-1)]: Done 297 tasks | elapsed: 26.8min
[CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.630788, total= 41.6s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.542052, total= 41.7s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.544901, total= 41.0s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.680118, total= 41.0s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.589904, total= 41.0s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.607330, total= 41.0s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.627606, total= 40.9s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.625246, total= 41.0s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.555078, total= 13.6s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.691734, total= 13.6s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.514264, total= 41.1s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.483996, total= 41.2s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.606815, total= 13.6s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.611012, total= 13.7s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.635553, total= 13.9s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.618404, total= 13.9s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.497698, total= 13.9s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.512018, total= 14.0s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.561267, total= 13.9s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.638093, total= 13.9s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.551528, total= 41.6s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.643984, total= 41.6s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.547227, total= 42.3s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.681957, total= 42.5s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0
[Parallel(n_jobs=-1)]: Done 322 tasks | elapsed: 28.6min
[CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.593454, total= 42.5s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.606668, total= 42.4s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.626050, total= 42.6s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.622844, total= 42.7s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.490191, total= 43.1s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.519096, total= 43.3s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.685530, total= 28.2s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.551515, total= 28.5s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.595860, total= 28.3s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.602371, total= 28.3s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.630209, total= 28.0s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.619007, total= 28.1s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.555567, total= 43.1s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.642716, total= 42.9s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.506743, total= 28.2s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.486771, total= 28.4s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.555644, total= 28.3s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.640077, total= 28.2s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.551871, total= 26.9s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.687852, total= 26.7s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.597367, total= 26.8s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.612628, total= 26.8s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.633007, total= 26.6s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.622749, total= 26.6s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.493471, total= 26.6s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.529486, total= 26.5s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.557224, total= 26.5s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.644135, total= 26.5s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0
[Parallel(n_jobs=-1)]: Done 349 tasks | elapsed: 30.1min
[CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.547337, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.699340, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.626378, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.600991, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.631519, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.625075, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.500366, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.525005, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.549160, total= 27.4s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.687403, total= 27.4s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.598852, total= 27.2s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.607010, total= 27.4s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.622165, total= 27.2s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.629183, total= 27.3s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.555846, total= 13.7s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.691439, total= 13.6s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.651162, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.555781, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.489481, total= 27.1s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.508364, total= 27.2s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.559828, total= 27.3s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.641456, total= 27.3s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.606249, total= 13.8s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.610963, total= 13.8s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.636913, total= 13.9s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.618296, total= 13.8s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5
[Parallel(n_jobs=-1)]: Done 376 tasks | elapsed: 32.2min
[CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.497098, total= 13.8s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.514299, total= 13.9s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.562276, total= 13.7s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.640078, total= 13.7s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.550369, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.689837, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.583240, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.602104, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.612158, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.619799, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.475627, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.497931, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.543101, total= 54.8s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.686881, total= 54.7s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.584789, total= 54.6s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.602109, total= 54.5s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.619973, total= 54.2s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.619905, total= 54.3s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.553034, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.633101, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.482428, total= 54.3s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.516741, total= 54.4s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.552578, total= 54.3s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.646533, total= 54.4s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.544392, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.695289, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.581727, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.601460, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.559067, total= 13.1s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.695515, total= 13.1s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5
[Parallel(n_jobs=-1)]: Done 405 tasks | elapsed: 35.9min
[CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.606849, total= 13.1s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.618379, total= 13.1s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.629022, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.617201, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.643665, total= 13.3s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.620105, total= 13.3s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.478999, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.508914, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.521752, total= 13.4s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.502958, total= 13.4s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.567853, total= 13.4s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.639717, total= 13.4s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.556963, total= 13.7s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.691719, total= 13.7s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.553577, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.639737, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.607852, total= 13.7s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.611426, total= 13.8s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.636961, total= 13.8s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.617583, total= 13.8s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.497098, total= 13.9s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.515307, total= 13.8s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.561968, total= 13.8s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.640404, total= 13.9s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.557015, total= 25.6s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.688694, total= 25.6s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.603722, total= 25.6s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.616052, total= 25.7s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0
[Parallel(n_jobs=-1)]: Done 434 tasks | elapsed: 37.2min
[CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.636557, total= 25.6s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.620840, total= 25.7s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.500789, total= 25.7s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.533441, total= 25.6s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.566329, total= 25.3s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.645599, total= 25.4s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.548131, total= 41.8s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.679204, total= 41.8s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.589121, total= 41.7s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.606247, total= 41.6s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.616171, total= 41.6s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.620257, total= 41.6s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.482874, total= 41.7s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.511890, total= 41.7s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.551818, total= 26.8s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.684740, total= 26.9s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.595417, total= 26.8s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.607863, total= 26.8s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.548396, total= 41.7s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.633914, total= 41.7s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.628438, total= 26.9s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.618003, total= 26.9s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.490248, total= 26.9s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.505681, total= 26.9s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.557321, total= 26.8s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.639825, total= 26.9s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.550262, total= 27.0s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.688099, total= 26.8s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.599782, total= 26.9s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.604158, total= 26.8s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.627420, total= 26.9s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5
[Parallel(n_jobs=-1)]: Done 465 tasks | elapsed: 39.4min
[CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.620752, total= 26.9s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.491234, total= 27.1s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.510884, total= 26.9s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.559070, total= 27.0s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.643947, total= 27.1s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.547264, total= 51.1s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.690227, total= 51.2s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.596229, total= 51.0s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.614693, total= 51.2s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.627630, total= 51.2s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.617358, total= 51.2s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.496017, total= 51.2s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.524283, total= 51.3s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.552668, total= 12.8s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.692536, total= 12.8s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.606166, total= 12.8s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.619932, total= 12.8s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.642240, total= 12.8s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.622400, total= 12.9s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.505681, total= 12.9s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.528962, total= 12.9s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.566348, total= 12.8s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.639245, total= 12.8s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.654051, total= 51.5s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.558871, total= 51.7s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.554995, total= 38.3s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.684685, total= 38.5s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.587930, total= 38.3s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.617352, total= 38.4s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.621023, total= 38.3s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.625656, total= 38.3s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0
[Parallel(n_jobs=-1)]: Done 496 tasks | elapsed: 41.3min
[CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.497125, total= 38.6s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.524250, total= 38.5s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.559951, total= 25.4s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.694462, total= 25.6s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.605227, total= 25.5s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.613001, total= 25.5s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.552302, total= 38.5s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.644548, total= 38.5s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.636940, total= 25.4s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.622323, total= 25.6s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.500611, total= 25.6s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.531630, total= 25.6s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.565880, total= 25.6s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.641213, total= 25.6s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.556197, total= 25.7s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.690239, total= 25.7s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.605222, total= 25.6s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.619602, total= 25.6s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.635757, total= 25.6s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.616165, total= 25.5s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.497087, total= 25.5s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.534436, total= 25.5s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.568468, total= 25.6s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.647351, total= 25.6s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.553119, total= 38.5s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.689607, total= 38.5s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.593618, total= 38.5s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.618069, total= 38.5s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.633951, total= 38.4s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.621902, total= 38.5s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.499448, total= 38.4s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.529973, total= 38.6s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.557223, total= 38.6s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.652366, total= 38.5s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0
[Parallel(n_jobs=-1)]: Done 529 tasks | elapsed: 43.8min
[CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.544340, total= 38.2s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.687306, total= 38.5s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.599773, total= 38.5s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.616897, total= 38.5s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.639429, total= 38.4s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.624284, total= 38.3s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.528850, total= 38.3s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.498210, total= 38.5s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.558571, total= 38.3s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.653115, total= 38.3s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.547362, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.675360, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.583642, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.601890, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.631634, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.611844, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.481473, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.518177, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.549260, total= 51.2s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.674318, total= 51.2s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.541137, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.650068, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.608523, total= 51.1s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.579633, total= 51.2s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.617979, total= 51.2s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.630219, total= 51.3s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.558977, total= 12.7s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.695653, total= 12.7s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.609672, total= 12.8s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.621079, total= 12.7s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.647374, total= 12.7s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.619569, total= 12.7s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0
[Parallel(n_jobs=-1)]: Done 562 tasks | elapsed: 46.8min
[CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.491367, total= 51.6s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.520748, total= 51.7s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.507896, total= 12.8s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.528947, total= 12.7s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.539215, total= 51.5s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.648975, total= 51.7s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.569235, total= 12.7s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.637955, total= 12.7s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.546831, total= 51.2s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.666279, total= 51.2s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.586786, total= 51.1s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.612708, total= 51.2s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.613542, total= 51.3s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.625125, total= 51.3s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.519506, total= 51.1s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.486977, total= 51.3s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.562785, total= 25.6s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.693884, total= 25.8s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.599453, total= 25.6s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.618719, total= 25.8s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.636820, total= 25.7s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.621798, total= 25.8s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.556648, total= 13.4s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.694799, total= 13.3s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.545922, total= 51.8s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.651097, total= 51.8s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.493229, total= 25.8s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.531511, total= 25.7s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.564441, total= 25.7s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.645176, total= 25.7s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.604929, total= 13.6s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.617447, total= 13.5s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.640782, total= 13.6s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.619656, total= 13.6s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.500846, total= 13.6s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5
[Parallel(n_jobs=-1)]: Done 597 tasks | elapsed: 48.9min
[CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.521304, total= 13.5s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.564692, total= 13.5s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.638662, total= 13.5s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.545749, total= 40.6s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.678030, total= 40.5s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.587985, total= 40.6s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.608705, total= 40.5s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.623839, total= 40.6s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.625185, total= 40.5s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.480887, total= 40.5s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.517442, total= 40.6s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.641126, total= 40.5s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.550965, total= 40.6s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.540277, total= 40.6s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.681045, total= 40.6s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.590910, total= 40.7s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.604078, total= 40.7s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.613803, total= 40.7s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.624594, total= 40.7s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.558621, total= 13.6s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.696115, total= 13.6s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.606503, total= 13.5s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.613331, total= 13.6s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.637833, total= 13.5s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.618460, total= 13.5s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.497279, total= 13.6s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.516395, total= 13.6s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.482185, total= 41.0s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.504645, total= 41.0s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.546575, total= 40.9s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.646061, total= 41.0s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.563026, total= 13.6s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.638480, total= 13.5s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.548161, total= 55.5s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.685684, total= 55.4s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0
[Parallel(n_jobs=-1)]: Done 632 tasks | elapsed: 51.7min
[CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.603258, total= 55.2s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.589672, total= 55.3s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.621197, total= 55.4s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.615817, total= 55.3s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.487182, total= 55.4s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.516337, total= 55.3s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.560068, total= 55.0s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.637761, total= 55.2s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.552000, total= 55.1s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.682521, total= 55.1s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.578898, total= 55.3s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.603778, total= 55.1s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.623154, total= 55.1s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.615602, total= 55.2s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.486072, total= 55.7s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.512775, total= 55.6s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.560058, total= 55.7s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.640199, total= 55.7s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.550780, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.678330, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.578098, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.609134, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.624702, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.634391, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.477812, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.518092, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.543631, total= 54.3s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.686654, total= 54.2s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.542579, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.648803, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.585911, total= 54.3s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.601696, total= 54.2s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.614247, total= 54.1s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.623296, total= 54.1s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.480783, total= 54.1s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.508419, total= 54.2s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.552836, total= 54.0s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.641221, total= 54.0s
[Parallel(n_jobs=-1)]: Done 669 tasks | elapsed: 55.8min
[CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.545346, total= 54.1s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.681048, total= 54.1s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.583786, total= 54.2s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.600970, total= 54.3s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.613086, total= 54.2s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.622692, total= 54.1s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.479747, total= 54.1s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.512067, total= 54.3s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.562024, total= 25.5s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.685192, total= 25.4s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.596874, total= 25.5s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.617538, total= 25.4s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.632629, total= 25.6s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.617084, total= 25.4s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.551109, total= 54.6s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.645759, total= 54.5s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.495405, total= 25.5s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.525514, total= 25.4s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.563340, total= 25.4s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.641448, total= 25.4s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.546018, total= 40.5s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.679601, total= 40.6s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.589173, total= 40.7s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.605783, total= 40.6s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.622287, total= 40.8s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.623883, total= 40.7s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.483381, total= 40.8s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.520231, total= 40.8s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.551940, total= 13.7s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.693433, total= 13.7s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.602640, total= 13.8s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.611365, total= 13.8s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.634406, total= 13.8s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.618884, total= 13.8s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.497757, total= 13.8s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.511061, total= 13.7s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0
[Parallel(n_jobs=-1)]: Done 706 tasks | elapsed: 58.5min
[CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.555947, total= 41.3s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.561263, total= 13.6s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.640466, total= 13.6s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.644597, total= 41.4s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.536081, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.701853, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.595231, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.622548, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.630377, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.623757, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.494734, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.528425, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.539202, total= 40.7s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.676765, total= 40.7s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.586108, total= 40.7s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.603250, total= 40.6s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.619852, total= 40.7s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.624855, total= 40.5s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.552737, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.561981, total= 13.2s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.695580, total= 13.2s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.649068, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.607525, total= 13.3s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.617669, total= 13.3s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.644835, total= 13.3s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.618768, total= 13.3s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.485148, total= 41.2s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.515975, total= 41.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.502639, total= 13.4s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.567136, total= 13.3s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.523917, total= 13.3s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.548088, total= 41.1s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.640697, total= 41.2s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.640541, total= 13.4s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.552349, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.692300, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.599522, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.585132, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.614422, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0
[Parallel(n_jobs=-1)]: Done 745 tasks | elapsed: 62.2min
[CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.617278, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.477219, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.509060, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.550529, total= 59.2s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.683083, total= 59.2s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.599820, total= 58.6s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.584985, total= 59.2s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.614726, total= 59.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.616503, total= 59.2s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.555261, total= 1.3min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.633953, total= 1.3min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.552498, total= 30.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.687149, total= 30.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.596380, total= 30.5s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.604942, total= 30.5s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.479605, total= 1.0min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.556919, total= 1.0min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.513743, total= 1.0min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.637445, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.629583, total= 29.8s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.615163, total= 29.8s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.492669, total= 29.4s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.508473, total= 29.3s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.556191, total= 29.4s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.635654, total= 29.4s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.546503, total= 43.0s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.684053, total= 43.1s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.592045, total= 43.0s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.605944, total= 43.1s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.627596, total= 43.0s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.624911, total= 43.3s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.486302, total= 43.1s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.520049, total= 43.0s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.688930, total= 29.1s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.554975, total= 29.4s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.597192, total= 29.4s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.607106, total= 29.4s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.554930, total= 43.1s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.643240, total= 43.1s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5
[Parallel(n_jobs=-1)]: Done 784 tasks | elapsed: 65.6min
[CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.629641, total= 29.3s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.615067, total= 29.3s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.488361, total= 29.5s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.512502, total= 29.4s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.555942, total= 30.1s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.636687, total= 30.2s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.552143, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.683218, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.589591, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.613114, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.627477, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.619564, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.492153, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.519935, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.648826, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.543068, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.545590, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.692444, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.589888, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.619376, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.626250, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.622144, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.495627, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.524759, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.686631, total= 57.2s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.546599, total= 57.6s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.548414, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.647127, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.587223, total= 57.1s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.604763, total= 57.4s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.551945, total= 15.0s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.690650, total= 15.1s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.603818, total= 14.9s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.611421, total= 14.9s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.623641, total= 59.3s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.624115, total= 59.1s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.634809, total= 15.6s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.617546, total= 15.3s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.482881, total= 59.5s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.516366, total= 60.0s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.496779, total= 15.1s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0
[Parallel(n_jobs=-1)]: Done 825 tasks | elapsed: 70.3min
[CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.511889, total= 15.4s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.556477, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.648433, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.559651, total= 15.2s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.638505, total= 15.1s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.550734, total= 14.8s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.691217, total= 14.7s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.604210, total= 15.4s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.608262, total= 15.3s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.636763, total= 15.5s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.614584, total= 15.6s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.501877, total= 15.4s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.518361, total= 15.4s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.561879, total= 15.5s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.638843, total= 15.4s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.547890, total= 59.0s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.684221, total= 59.0s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.585155, total= 58.9s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.597336, total= 59.0s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.613699, total= 58.7s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.625518, total= 58.9s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.481451, total= 58.8s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.504996, total= 58.8s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.560175, total= 13.6s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.688391, total= 13.5s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.608465, total= 13.7s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.613915, total= 13.7s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.640519, total= 13.8s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.617877, total= 13.7s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.500696, total= 14.1s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.525862, total= 14.0s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.567133, total= 13.8s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.637095, total= 13.9s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.552873, total= 57.6s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.643923, total= 57.7s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.549210, total= 44.1s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.684304, total= 44.2s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.587815, total= 43.6s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.606429, total= 43.7s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.623558, total= 43.7s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.618718, total= 43.9s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0
[Parallel(n_jobs=-1)]: Done 866 tasks | elapsed: 72.9min
[CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.486087, total= 44.6s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.516544, total= 44.8s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.551462, total= 45.7s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.637302, total= 45.8s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.547231, total= 1.0min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.684863, total= 1.0min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.588546, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.601907, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.615476, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.616192, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.480921, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.505495, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.557772, total= 58.2s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.639297, total= 58.1s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.543992, total= 56.7s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.687812, total= 56.8s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.588342, total= 55.5s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.606764, total= 55.5s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.622392, total= 55.0s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.626503, total= 55.2s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.556016, total= 14.3s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.692378, total= 14.4s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.606061, total= 14.7s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.616350, total= 14.5s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.640365, total= 14.8s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.619321, total= 14.9s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.482141, total= 56.8s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.517450, total= 57.0s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.555484, total= 57.1s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.645285, total= 56.9s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.502427, total= 14.7s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.516545, total= 14.8s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.566448, total= 15.0s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.638550, total= 14.8s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.558385, total= 15.0s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.693974, total= 14.9s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.606694, total= 15.2s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.618064, total= 15.1s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.640482, total= 15.8s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.619924, total= 15.8s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.504477, total= 15.7s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.521083, total= 15.7s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.569070, total= 15.8s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0
[Parallel(n_jobs=-1)]: Done 909 tasks | elapsed: 76.3min
[CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.639619, total= 15.7s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.553834, total= 53.5s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.678165, total= 53.4s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.588132, total= 52.9s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.607300, total= 52.8s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.623187, total= 52.0s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.627178, total= 51.9s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.490313, total= 51.9s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.516233, total= 51.9s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.543358, total= 53.5s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.641302, total= 53.5s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.540243, total= 57.0s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.685302, total= 57.3s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.583215, total= 57.6s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.601861, total= 57.8s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.620706, total= 57.7s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.623415, total= 57.5s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.484609, total= 56.9s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.510213, total= 57.0s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.552523, total= 56.6s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.643483, total= 56.3s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.538917, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.697403, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.593084, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.614729, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.628491, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.626322, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.551955, total= 42.6s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.682183, total= 42.6s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.497481, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.526164, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.556094, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.648861, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.590201, total= 44.5s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.603625, total= 44.4s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.618282, total= 44.4s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.621541, total= 44.5s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.481610, total= 44.9s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.513621, total= 45.0s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.549020, total= 45.0s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.632344, total= 44.9s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.554553, total= 28.6s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.689134, total= 28.6s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0
[Parallel(n_jobs=-1)]: Done 952 tasks | elapsed: 81.1min
[CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.599958, total= 28.8s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.606451, total= 28.9s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.630790, total= 28.8s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.620521, total= 29.0s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.489391, total= 30.2s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.505756, total= 30.2s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.560152, total= 30.2s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.638510, total= 30.4s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.554625, total= 30.0s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.689708, total= 30.0s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.596044, total= 30.2s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.607631, total= 29.9s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.628839, total= 29.4s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.623280, total= 29.4s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.486236, total= 29.6s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.511993, total= 29.7s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.559037, total= 30.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.644898, total= 29.8s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.551443, total= 30.7s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.687374, total= 31.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.594984, total= 32.3s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.608575, total= 32.2s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.623422, total= 31.5s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.618601, total= 31.4s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.483859, total= 31.4s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.509559, total= 31.5s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.546850, total= 32.6s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.632610, total= 32.6s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.556838, total= 30.0s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.687470, total= 30.2s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.619495, total= 30.9s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.605585, total= 31.4s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.634916, total= 31.0s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.619827, total= 31.1s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.500052, total= 29.8s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.538248, total= 29.8s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.565135, total= 31.4s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.648128, total= 31.5s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.542108, total= 47.4s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.678930, total= 47.7s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.589671, total= 47.3s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.606212, total= 47.3s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.617617, total= 47.3s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.623628, total= 47.4s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.482155, total= 47.8s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5
[Parallel(n_jobs=-1)]: Done 997 tasks | elapsed: 84.5min
[CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.509584, total= 48.1s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.545008, total= 48.0s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=5.0, score=0.639148, total= 47.8s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.551169, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.683150, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.583464, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.599312, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.611645, total= 1.0min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.626419, total= 59.9s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.514246, total= 58.1s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.480920, total= 58.4s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.550649, total= 58.2s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.641300, total= 58.2s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.548294, total= 1.3min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.692236, total= 1.3min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.586317, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.600942, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.557996, total= 15.5s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.697488, total= 15.8s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.615277, total= 1.4min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.621333, total= 1.4min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.606599, total= 14.9s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.619528, total= 14.8s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.644764, total= 14.2s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.619423, total= 14.3s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.509461, total= 1.4min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.475824, total= 1.4min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.503718, total= 14.6s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.523366, total= 15.2s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.567843, total= 15.4s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.641717, total= 15.4s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.554854, total= 1.4min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.633361, total= 1.4min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.555370, total= 46.0s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.685186, total= 46.0s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.592748, total= 45.7s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.617896, total= 45.5s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.630512, total= 44.9s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.625437, total= 45.1s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.556959, total= 13.8s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.493342, total= 44.3s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.693585, total= 13.6s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.530154, total= 44.0s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.609696, total= 14.1s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.620484, total= 14.5s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0
[Parallel(n_jobs=-1)]: Done 1042 tasks | elapsed: 88.7min
[CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.647122, total= 18.0s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.620841, total= 18.2s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.507534, total= 18.2s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.529215, total= 18.1s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.569461, total= 18.2s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.553628, total= 46.1s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.650161, total= 46.0s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.637882, total= 17.9s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.552378, total= 29.6s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.693527, total= 29.3s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.602601, total= 29.2s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.618376, total= 29.4s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.639075, total= 28.9s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.617188, total= 28.8s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.499507, total= 28.7s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.533427, total= 28.8s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.561922, total= 30.0s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.646354, total= 29.9s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.531501, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.687565, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.591625, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.620987, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.615051, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.625939, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.483842, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.519986, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.547308, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.656691, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.689523, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.543419, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.584231, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.603192, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.615432, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.624840, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.687359, total= 28.8s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.549133, total= 28.9s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.598790, total= 28.6s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.607973, total= 28.6s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.617838, total= 29.5s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.627021, total= 29.6s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.481456, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.510970, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.557227, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.637943, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.549237, total= 15.7s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.689692, total= 15.8s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.488149, total= 31.1s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0
[Parallel(n_jobs=-1)]: Done 1089 tasks | elapsed: 93.3min
[CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.505725, total= 31.2s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.556199, total= 30.4s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=7.5, score=0.641249, total= 30.5s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.606473, total= 15.7s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.609336, total= 15.7s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.629741, total= 14.9s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.615600, total= 14.5s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.492090, total= 14.8s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.508135, total= 14.8s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.558707, total= 14.4s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.1, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.632649, total= 14.4s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.543164, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.695207, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.580176, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.602864, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.604725, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.631348, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.474154, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.505500, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.548388, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.638673, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.543962, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.691932, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.583685, total= 1.3min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.605675, total= 1.3min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.619817, total= 1.3min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.626828, total= 1.3min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.540802, total= 54.0s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.687987, total= 54.2s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.598318, total= 54.8s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.624665, total= 55.0s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.518360, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.477019, total= 1.3min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.558977, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=15.0, score=0.640114, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.549831, total= 34.5s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.685030, total= 34.3s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.629625, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.621241, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.499204, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.527227, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.650846, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.559357, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.596847, total= 30.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.606843, total= 30.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.628783, total= 29.7s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.622701, total= 29.7s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5
[Parallel(n_jobs=-1)]: Done 1136 tasks | elapsed: 98.6min
[CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.489501, total= 29.7s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.511416, total= 29.7s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.559027, total= 29.7s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.641040, total= 29.7s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.678221, total= 46.7s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.544394, total= 47.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.586357, total= 47.2s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.607897, total= 47.3s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.617871, total= 47.2s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.617944, total= 47.3s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.477164, total= 47.3s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.506048, total= 47.1s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.634135, total= 46.8s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.547240, total= 46.9s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.550091, total= 1.0min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.685258, total= 1.0min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.587362, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.602259, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.624577, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.616154, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.508169, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.485330, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.558923, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=15.0, score=0.636715, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.548604, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.684441, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.603201, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.580797, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.610034, total= 59.7s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.628269, total= 1.0min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.478176, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.506469, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.548344, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.641492, total= 1.1min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.549825, total= 1.4min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.687721, total= 1.4min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.582749, total= 1.4min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.600080, total= 1.4min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.613528, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.616794, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.475481, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.503605, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.540987, total= 45.0s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.679348, total= 45.2s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.633931, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.549565, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.586067, total= 46.9s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.602913, total= 46.9s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.612256, total= 46.3s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5
[Parallel(n_jobs=-1)]: Done 1185 tasks | elapsed: 104.8min
[CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.626140, total= 46.0s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.479988, total= 45.0s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.508431, total= 45.1s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.548426, total= 44.2s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.642891, total= 44.3s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.542496, total= 56.6s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.682305, total= 56.4s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.582718, total= 56.3s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.602301, total= 56.3s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.622123, total= 57.2s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.623747, total= 57.2s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.481667, total= 57.2s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.510912, total= 57.3s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.553017, total= 57.4s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.642517, total= 57.6s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.542655, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.684334, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.579088, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.600923, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.611058, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.629225, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.559535, total= 14.2s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.690668, total= 14.3s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.607490, total= 14.4s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.618380, total= 14.5s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.643294, total= 14.6s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.619511, total= 14.5s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.502581, total= 13.9s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.529765, total= 13.9s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.475002, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.513546, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.566960, total= 13.4s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.635191, total= 13.3s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.551965, total= 1.3min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.637998, total= 1.3min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.550135, total= 58.9s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.691679, total= 58.9s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.595696, total= 59.1s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.625355, total= 59.7s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.623907, total= 1.0min [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.620339, total= 1.0min [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.500800, total= 58.2s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.529630, total= 58.2s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.558548, total= 29.2s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.686511, total= 28.7s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.598808, total= 28.1s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.617492, total= 27.5s [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.637801, total= 28.7s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.617106, total= 29.0s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0
[Parallel(n_jobs=-1)]: Done 1234 tasks | elapsed: 109.7min
[CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.553804, total= 58.6s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.651011, total= 58.1s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.499878, total= 29.4s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.531829, total= 29.5s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.560842, total= 30.0s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.644102, total= 29.8s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.548837, total= 1.3min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.698886, total= 1.3min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.598691, total= 1.3min [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.615927, total= 1.3min [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.628361, total= 1.3min [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.626406, total= 1.3min [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.499188, total= 1.3min [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.529430, total= 1.3min [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.547074, total= 1.0min [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.689813, total= 1.0min [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.598346, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.614304, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.627068, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.626734, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.553322, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.647511, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.495680, total= 54.9s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.525418, total= 54.8s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.554451, total= 53.9s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.654186, total= 53.7s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.684927, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.543978, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.580109, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.605113, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.610977, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.623041, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.546784, total= 45.1s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.679162, total= 44.9s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.474638, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.516450, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.548059, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.635855, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.605884, total= 45.5s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.584465, total= 45.7s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.619091, total= 45.6s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.620719, total= 45.6s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.480291, total= 45.3s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.506165, total= 45.3s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.542420, total= 47.5s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=7.5, score=0.629430, total= 47.7s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.555703, total= 30.6s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.688553, total= 30.7s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.598328, total= 30.6s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.605497, total= 30.6s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.628564, total= 30.5s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0
[Parallel(n_jobs=-1)]: Done 1285 tasks | elapsed: 115.5min
[CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.619424, total= 30.3s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.489391, total= 27.4s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.506470, total= 27.3s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.559721, total= 27.3s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.275, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.641849, total= 27.3s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.544014, total= 42.8s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.681079, total= 42.9s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.590979, total= 42.9s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.601544, total= 43.0s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.614461, total= 44.0s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.618696, total= 44.4s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.477746, total= 44.6s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.512808, total= 44.5s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.551590, total= 44.6s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.634410, total= 44.6s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.540795, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.692942, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.582558, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.605529, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.608559, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.628687, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.475840, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.511898, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.557471, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=0.0, min_child_weight=1, reg_lambda=10.0, score=0.641762, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.550441, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.681635, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.604756, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.583116, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.616755, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.627608, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.551031, total= 40.2s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.689573, total= 40.1s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.487895, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.517988, total= 1.1min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.601360, total= 41.5s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.620576, total= 41.7s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.541337, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=5.0, score=0.649305, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.619211, total= 42.5s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.636898, total= 42.6s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.500948, total= 41.9s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.531883, total= 41.6s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.561855, total= 41.2s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.648901, total= 41.1s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.548434, total= 59.7s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.689720, total= 59.5s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.604186, total= 1.0min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.589464, total= 1.0min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.621572, total= 1.0min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.622175, total= 1.0min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0
[Parallel(n_jobs=-1)]: Done 1336 tasks | elapsed: 121.5min
[CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.483892, total= 1.0min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.512081, total= 1.0min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.557675, total= 1.0min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.640944, total= 1.0min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.549238, total= 1.0min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.685138, total= 1.0min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.587732, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.600218, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.614851, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.619670, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.481588, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.510332, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.556797, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.638097, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.542854, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.681846, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.581900, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.603605, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.616166, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.624421, total= 1.1min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.509458, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.480864, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.549113, total= 47.2s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.676842, total= 47.1s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.552052, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.643517, total= 1.0min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.586564, total= 42.4s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.609506, total= 42.6s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.623052, total= 43.4s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.626098, total= 43.5s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.486057, total= 43.9s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.516559, total= 44.0s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.555437, total= 44.7s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=12.5, score=0.644119, total= 45.3s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.545992, total= 43.3s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.688483, total= 43.2s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.594715, total= 42.6s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.616846, total= 42.7s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.634440, total= 42.5s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.627017, total= 42.6s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.499380, total= 41.4s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.530785, total= 40.9s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.561131, total= 40.0s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=2.0, min_child_weight=1, reg_lambda=10.0, score=0.645641, total= 40.0s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.545372, total= 42.6s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.676012, total= 42.7s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.586772, total= 43.1s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.605133, total= 43.3s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.618354, total= 43.5s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.624559, total= 43.5s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.483411, total= 44.5s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.513956, total= 44.6s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.553264, total= 43.4s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0
[Parallel(n_jobs=-1)]: Done 1389 tasks | elapsed: 127.4min
[CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.639874, total= 43.6s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.549197, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.691898, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.579548, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.602219, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.617232, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.616835, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.480111, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.506499, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.554205, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.8, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.635897, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.547888, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.688167, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.582420, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.599841, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.613769, total= 1.2min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.618833, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.553568, total= 31.6s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.688114, total= 31.5s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.597695, total= 31.8s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.608880, total= 32.0s [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.473762, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.499390, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.552482, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.633535, total= 1.3min [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.632312, total= 31.5s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.621642, total= 31.6s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.551563, total= 15.4s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.692966, total= 15.3s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.599918, total= 15.2s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.611203, total= 15.1s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.490448, total= 29.9s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.511939, total= 30.0s [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.559530, total= 30.2s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.035, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=12.5, score=0.644821, total= 30.3s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.635491, total= 15.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.618799, total= 15.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.502346, total= 15.1s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.516960, total= 15.1s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.565076, total= 15.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.9, max_depth=4, gamma=0.07, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.639855, total= 14.9s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.546374, total= 44.3s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.679758, total= 44.0s [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.590067, total= 43.6s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.605288, total= 43.5s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.622046, total= 43.4s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.622134, total= 43.5s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.484173, total= 43.5s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.512984, total= 43.3s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.550640, total= 28.2s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.684080, total= 28.4s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.599324, total= 28.3s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.608123, total= 28.3s [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5
[Parallel(n_jobs=-1)]: Done 1442 tasks | elapsed: 132.4min
[CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.626639, total= 28.4s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.621106, total= 28.2s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.547210, total= 43.7s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.07, colsample_bytree=0.45, reg_alpha=1.0, min_child_weight=1, reg_lambda=10.0, score=0.636383, total= 43.5s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.489005, total= 27.9s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.511738, total= 27.9s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.556330, total= 28.1s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.9, max_depth=4, gamma=0.0, colsample_bytree=0.275, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.641152, total= 28.2s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.541680, total= 58.9s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.681098, total= 58.8s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.589446, total= 58.7s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.602924, total= 58.9s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.609437, total= 58.8s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.624716, total= 58.8s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.475553, total= 58.2s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.497995, total= 58.4s [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.546793, total= 1.0min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.625, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.632720, total= 1.0min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.544919, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.681706, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.581019, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.605595, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.619395, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.629588, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.484292, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.512438, total= 1.2min [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.547676, total= 46.7s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.681524, total= 46.5s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.585926, total= 47.1s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.601892, total= 47.1s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.541025, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.035, colsample_bytree=0.8, reg_alpha=2.0, min_child_weight=1, reg_lambda=5.0, score=0.649791, total= 1.2min [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.611513, total= 48.0s [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.620294, total= 47.9s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.480279, total= 47.0s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.510627, total= 47.4s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.540143, total= 47.0s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=0.8, max_depth=4, gamma=0.0, colsample_bytree=0.45, reg_alpha=0.0, min_child_weight=1, reg_lambda=7.5, score=0.630196, total= 46.8s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.552593, total= 56.6s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.689521, total= 56.4s [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.597880, total= 54.5s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.619584, total= 54.6s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.628610, total= 54.7s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.620751, total= 54.3s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.495332, total= 54.7s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.525968, total= 54.6s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.694996, total= 14.7s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.559609, total= 14.8s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.562991, total= 54.9s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.606024, total= 15.1s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5 [CV] subsample=1.0, max_depth=4, gamma=0.07, colsample_bytree=0.625, reg_alpha=1.0, min_child_weight=1, reg_lambda=15.0, score=0.650502, total= 55.0s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.612916, total= 15.0s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.616545, total= 14.3s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.638955, total= 14.4s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.499863, total= 13.8s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.518874, total= 13.8s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.562450, total= 9.7s [CV] subsample=0.8, max_depth=4, gamma=0.035, colsample_bytree=0.1, reg_alpha=2.0, min_child_weight=1, reg_lambda=12.5, score=0.638145, total= 9.8s
[Parallel(n_jobs=-1)]: Done 1500 out of 1500 | elapsed: 138.0min finished
XGBRegressor(base_score=100.52666666666657, booster='gbtree', colsample_bylevel=1, colsample_bytree=0.10000000000000001, gamma=0.035000000000000003, learning_rate=0.06, max_delta_step=0, max_depth=4, min_child_weight=1, missing=None, n_estimators=1000, n_jobs=1, nthread=None, objective='reg:linear', random_state=0, reg_alpha=2.0, reg_lambda=15.0, scale_pos_weight=1, seed=None, silent=True, subsample=1.0) {'subsample': 1.0, 'max_depth': 4, 'gamma': 0.035000000000000003, 'colsample_bytree': 0.10000000000000001, 'reg_alpha': 2.0, 'min_child_weight': 1, 'reg_lambda': 15.0} CPU times: user 53.9 s, sys: 3.92 s, total: 57.8 s Wall time: 2h 18min 5s
In [11]:
print(XGmodel.best_score_)
0.612369079878
Elasticnet (good!)¶
In [45]:
%%time
from sklearn.linear_model import ElasticNetCV
# cv_model = ElasticNetCV(l1_ratio=[.1, .5, .99, .995, .998, .9985, .999, .9995, 1], eps=0.001, n_alphas=500,
# fit_intercept=True, normalize=True, precompute='auto', max_iter=2000, tol=0.0001, cv=5,
# old and best copy_X=True, verbose=0, n_jobs=-1, positive=False, random_state=None, selection='cyclic')
alphas = np.linspace(0.015, 0.03, 20)
l1_ratio = np.linspace(0.95, 1, 20)
ENmodel = ElasticNetCV(l1_ratio=l1_ratio, alphas=alphas, max_iter=10000, cv=10, n_jobs=-1, random_state=0)
ENpreds, score = fitit(ENmodel)
print('\nOptimal alpha: %.8f'%ENmodel.alpha_)
print('Optimal l1_ratio: %.4f'%ENmodel.l1_ratio_)
print('Number of iterations %d'%ENmodel.n_iter_)
feature_importance = pd.Series(index = Xtrain.columns, data = np.abs(ENmodel.coef_)) # .drop('ID',1)
n_selected_features = (feature_importance>0).sum()
print('{0:d} features, reduction of {1:2.2f}%'.format(
n_selected_features,(1-n_selected_features/len(feature_importance))*100))
_ = feature_importance.sort_values(ascending=False).head(30).plot(kind='bar', color="r", figsize = (18,6))
Train R2 score= 0.62578 Test R2 score= 0.54738 Predictions saved to file: Preds_ENmodel.csv Optimal alpha: 0.02447368 Optimal l1_ratio: 0.9895 Number of iterations 897 114 features, reduction of 80.31% CPU times: user 1min 44s, sys: 5.06 s, total: 1min 49s Wall time: 15.9 s
KNN Regressor (terrible!)¶
In [ ]:
from sklearn.neighbors import KNeighborsRegressor
KNNmodel = KNeighborsRegressor(n_neighbors = 3)
KNNpreds, score = fitit(KNNmodel)
Linear Regression (badly affected by correlations!)¶
Corellations make coeffs huge
In [ ]:
from sklearn.linear_model import LinearRegression
LRmodel = LinearRegression()
LRpreds, score = fitit(LRmodel)
Ridge Regression (Good!)¶
In [ ]:
from sklearn.linear_model import RidgeCV, Ridge
params = [{ 'alpha': np.linspace(36, 40, 40)}]
#RRmodel = GridSearchCV(Ridge(), cv=5, n_jobs=-1, param_grid=params)
#RRmodel = RidgeCV(cv=5, alphas=params[0]['alpha'])
RRmodel = Ridge(alpha=36.615, random_state=1)
RRpreds,score = fitit(RRmodel)
LASSO Regression (Good!)¶
In [ ]:
from sklearn.linear_model import LassoCV, Lasso
from sklearn.model_selection import GridSearchCV
params = [{ 'alpha': np.linspace(0.01, 0.03, 20)}]
#LAmodel = Lasso(alpha=0.02473,max_iter=5000, random_state=1)
#LAmodel = GridSearchCV(Lasso(max_iter=5000), cv=5, n_jobs=-1, param_grid=params)
LAmodel = LassoCV(cv=5, max_iter=5000, alphas=params[0]['alpha'], n_jobs=-1, random_state=1)
LApreds, score = fitit(LAmodel)
print('\nOptimal alpha: %.8f'%LAmodel.alpha_)
print('\nNumber of coefficients > zero=', len(LAmodel.coef_[abs(LAmodel.coef_) > 0]))
Extra PCA feature on Lasso regression (doesnt improve over Lasso)¶
In [ ]:
from sklearn.preprocessing import StandardScaler
from sklearn.decomposition import PCA
Xtrain_n = StandardScaler().fit_transform(Xtrain)
Xvalid_n = StandardScaler().fit_transform(Xvalid)
for comps in np.linspace(78,79,1).astype(int):
pca = PCA(n_components = comps, random_state=1).fit(Xtrain_n)
Xtrain_pca = pca.transform(Xtrain_n)
Xvalid_pca = pca.transform(Xvalid_n)
Xtrain_pca = np.append(Xtrain, Xtrain_pca, axis=1)
Xvalid_pca = np.append(Xvalid, Xvalid_pca, axis=1)
# Xtrain_pca=Xtrain
# Xvalid_pca=Xvalid
RRPCAmodel = LAmodel
#fitit(RRPCAmodel)
RRPCAmodel.fit(Xtrain_pca, ytrain)
RRPCAtpreds = RRPCAmodel.predict(Xtrain_pca)
RRPCAvpreds = RRPCAmodel.predict(Xvalid_pca)
print('Training R2 Score ', r2_score(ytrain, RRPCAtpreds), comps)
print('Validation R2 score', r2_score(yvalid, RRPCAvpreds), comps)
Xtrain.shape
Xtrain_n.shape
Xtrain_pca.shape
In [ ]:
# pca.components_.T[0]
# pca.explained_variance_ratio_
In [ ]:
# # MUST SET PCA N_COMPONENTS = 2!!!
# _ = plt.figure(figsize=(10,10))
# cm = plt.cm.get_cmap('RdYlBu')
# color =(Xtrain - np.min(Xtrain)) / (np.max(Xtrain) - np.min(Xtrain)) * 255
# ax = plt.scatter(Xtrain_pca[:,0], Xtrain_pca[:,1], c=color, cmap=cm )
# _ = plt.colorbar(ax)
t-SNE¶
In [ ]:
%%time
from sklearn.manifold import TSNE
tsne = TSNE(random_state=0)
Xtsne = tsne.fit_transform(Xtrain)
_ = plt.figure(figsize=(12,10))
cm = plt.cm.get_cmap('RdYlBu')
color = ytrain
ax = plt.scatter(Xtsne[:,0], Xtsne[:,1], c=color, cmap=cm )
_ = plt.colorbar(ax)
In [ ]:
Averages of Classifiers¶
Try different model combinations
In [ ]:
results = pd.concat([RFpreds,GBpreds,ENpreds, RRpreds, LApreds, XGpreds, XBpreds], axis=1)
results.columns = ['ID','RFpreds','X1','GBpreds','X1','ENpreds','X1','RRpreds',
'X1','LApreds','X1','XGpreds', 'X1','XBpreds']
results.drop(['X1'], axis=1, inplace=True) # drop RR as is much more often the outlier
In [ ]:
results['average'] = results[['RFpreds','GBpreds','ENpreds','LApreds','XGpreds','XBpreds']].mean(axis=1)
results['RFm'] = (results.RFpreds - results.average).abs()
results['GBm'] = (results.GBpreds - results.average).abs()
results['ENm'] = (results.ENpreds - results.average).abs()
results['RRm'] = (results.RRpreds - results.average).abs()
results['LAm'] = (results.LApreds - results.average).abs()
results['XGm'] = (results.XGpreds - results.average).abs()
results['XBm'] = (results.XBpreds - results.average).abs()
results['Max'] = results[['RFm','GBm','ENm','RRm', 'LAm','XGm','XBm']].idxmax(axis=1)
results.Max.value_counts(dropna=False)
results.head(20)
In [ ]:
for i in range(results.index.min(), results.index.max()+1):
row = results.loc[i]
result = row.average # set default
if row.Max == 'RFm':
result = np.mean([row.GBpreds, row.ENpreds, row.LApreds, row.XGpreds, row.XBpreds])
if row.Max == 'GBm':
result = np.mean([row.RFpreds, row.ENpreds, row.LApreds, row.XGpreds, row.XBpreds])
if row.Max == 'ENm':
result = np.mean([row.RFpreds, row.GBpreds, row.LApreds, row.XGpreds, row.XBpreds])
if row.Max == 'LAm':
result = np.mean([row.RFpreds, row.GBpreds, row.ENpreds, row.XGpreds, row.XBpreds])
if row.Max == 'XGm':
result = np.mean([row.RFpreds, row.GBpreds, row.ENpreds, row.LApreds, row.XBpreds])
if row.Max == 'XBm':
result = np.mean([row.RFpreds, row.GBpreds, row.ENpreds, row.LApreds, row.XGpreds])
results.loc[i, 'final'] = result
In [ ]:
output = pd.DataFrame({'ID': results.ID.astype(np.int32), 'y': results.final})
output.to_csv('Preds_Final.csv', index=False)
# output = pd.DataFrame({'ID': test['ID'].astype(np.int32), 'y': (XGfpreds + ENfpreds + RFfpreds)/3})
# output.to_csv('PredsENandXGBandRF.csv', index=False)
In [ ]:
In [ ]:
In [ ]:
In [ ]:
In [ ]:
In [ ]:
In [ ]:
Comments
comments powered by Disqus