机器学习练手(五):基于XGBoost 的葡萄酒分类和糖尿病指标预测

本文为和鲸python 机器学习原理与实践·闯关训练营资料整理而来,加入了自己的理解(by GPT4o)

原活动链接

原作者:vgbhfive,多年风控引擎研发及金融模型开发经验,现任某公司风控研发工程师,对数据分析、金融模型开发、风控引擎研发具有丰富经验。

前一关卡中我们学习了 SVM 支持向量机模型的搭建,其中的核函数可以说是其中的重点,其通过扩展维度空间的方式,使得不可分的数据变成可分的原因就是核函数。下面我们开始学习比赛中的大杀器 - XGBoost

总结:

项目一中先使用随机森林训练模型,输出特征重要性,删除的是重要性小于 0.02 的特征后再使用xgb建模,特别注意调参部分,网格调参后输出最佳参数,使用最佳参数再进行建模。

项目二中初始化特征缩放器和缺失值填充器,分别对X做特征缩放以及对y的缺失值做均值填充,使用XGB预训练模型,保留特征重要性大于0.05的特征再建模,通过 5 折交叉验证评估 XGBRegressor 模型在数据集上的性能。每次交叉验证的结果都包括均方误差 (MSE) 和 R^2 分数。交叉验证可以帮助评估模型的稳定性和泛化能力,通过多次分割数据进行训练和测试,可以更可靠地评估模型的性能。

XGBoost

说起 XGBoost 就不得不说 GBDT 算法,XGBoostGBDT 算法的一种实现,其在算法和工程上进行了很多的改进,被广泛的应用于很多的比赛中,堪称“比赛大杀器”。

XGBoost 对应的模型是复合树模型,复合树模型是一组分类和回归树。通常情况下,在实践中往往一棵树是不够用的,此时需要把多棵树的预测结果总和起来,这就是复合树模型。

葡萄酒数据集之多分类问题

在红酒行业中,品鉴师由于其专业度受到很多行业人士的信赖,其最重要的一项工作就是品鉴红酒,但鉴于品酒师的人数发展,现需要开发一款用于分类红酒品种的机器学习模型,通过分类不同红酒中各种元素含量来区分不同的红酒品种。该数据集包含178 例记录,其中收集了红酒的酒精度数、苹果酸含量、颜色、颜色强度、黄胺类含量等一系列指标。

葡萄酒数据集中特征含义如下:

特征列名称特征含义
alcohol酒精
malic_acid苹果酸
ash
alcalinity_of_ash灰分的碱度
magnesium
total_phenols总酚
flavanoids黄酮类化合物
nonflavanoid_phenols非黄烷类酚类
proanthocyanins原花色素
color_intensity颜色强度
hue色调
od280/od315_of_diluted_wines稀释葡萄酒的OD280/OD315
proline脯氨酸

在结果分类中第一类有 59 个样本,第二类有 71 个样本,第三类有 48 个样本。

引入依赖
import pandas as pd
import numpy as np
import seaborn as sns

from sklearn.datasets import load_wine, load_diabetes
from sklearn.model_selection import train_test_split, KFold, GridSearchCV
from sklearn.preprocessing import StandardScaler
from sklearn.impute import SimpleImputer
from xgboost import XGBClassifier, XGBRegressor
from sklearn.metrics import accuracy_score, mean_squared_error, r2_score
from sklearn.ensemble import RandomForestClassifier
加载数据
# 1. 加载数据

wine = load_wine()
x = pd.DataFrame(wine.data, columns=wine.feature_names)
y = pd.DataFrame(wine.target)
x.head(), y.head()
(   alcohol  malic_acid   ash  alcalinity_of_ash  magnesium  total_phenols  \
 0    14.23        1.71  2.43               15.6      127.0           2.80   
 1    13.20        1.78  2.14               11.2      100.0           2.65   
 2    13.16        2.36  2.67               18.6      101.0           2.80   
 3    14.37        1.95  2.50               16.8      113.0           3.85   
 4    13.24        2.59  2.87               21.0      118.0           2.80   
 
    flavanoids  nonflavanoid_phenols  proanthocyanins  color_intensity   hue  \
 0        3.06                  0.28             2.29             5.64  1.04   
 1        2.76                  0.26             1.28             4.38  1.05   
 2        3.24                  0.30             2.81             5.68  1.03   
 3        3.49                  0.24             2.18             7.80  0.86   
 4        2.69                  0.39             1.82             4.32  1.04   
 
    od280/od315_of_diluted_wines  proline  
 0                          3.92   1065.0  
 1                          3.40   1050.0  
 2                          3.17   1185.0  
 3                          3.45   1480.0  
 4                          2.93    735.0  ,
    0
 0  0
 1  0
 2  0
 3  0
 4  0)
数据基础性分析
# 2. 数据基础性分析

x.info()

# 数据集中不存在空值,由于 XGBoost 模型本身具有处理缺失值的能力,一般来说直接使用 np.nan 作为缺失值处理是最好的。
<class 'pandas.core.frame.DataFrame'>
RangeIndex: 178 entries, 0 to 177
Data columns (total 13 columns):
 #   Column                        Non-Null Count  Dtype  
---  ------                        --------------  -----  
 0   alcohol                       178 non-null    float64
 1   malic_acid                    178 non-null    float64
 2   ash                           178 non-null    float64
 3   alcalinity_of_ash             178 non-null    float64
 4   magnesium                     178 non-null    float64
 5   total_phenols                 178 non-null    float64
 6   flavanoids                    178 non-null    float64
 7   nonflavanoid_phenols          178 non-null    float64
 8   proanthocyanins               178 non-null    float64
 9   color_intensity               178 non-null    float64
 10  hue                           178 non-null    float64
 11  od280/od315_of_diluted_wines  178 non-null    float64
 12  proline                       178 non-null    float64
dtypes: float64(13)
memory usage: 18.2 KB
y[0].value_counts()
0
1    71
0    59
2    48
Name: count, dtype: int64
计算特征重要性
# 3. 使用随机森林计算特征重要性

forest = RandomForestClassifier()
forest.fit(x, y)
importance = pd.DataFrame({"columns": wine.feature_names, "importances": forest.feature_importances_})
importance.sort_values(by='importances', ascending=False)

# 在计算得出特征重要性排名之后,可以根据排名酌情删除重要性太低的特征,避免其影响模型拟合。
D:\Anacanda3\envs\pytorch_cuda12_0_py310\lib\site-packages\sklearn\base.py:1473: DataConversionWarning: A column-vector y was passed when a 1d array was expected. Please change the shape of y to (n_samples,), for example using ravel().
  return fit_method(estimator, *args, **kwargs)
columnsimportances
12proline0.198759
6flavanoids0.178116
9color_intensity0.161602
11od280/od315_of_diluted_wines0.114399
0alcohol0.082639
10hue0.057851
5total_phenols0.055201
4magnesium0.042203
1malic_acid0.032644
3alcalinity_of_ash0.030128
8proanthocyanins0.021670
2ash0.014122
7nonflavanoid_phenols0.010667
# 4. 根据特征重要性(确定重要性的阈值,这里删除的是重要性小于 0.02 的特征),删除个别特征
x = x.drop(['ash', 'nonflavanoid_phenols', 'proanthocyanins'], axis=1)
x.head()
alcoholmalic_acidalcalinity_of_ashmagnesiumtotal_phenolsflavanoidscolor_intensityhueod280/od315_of_diluted_winesproline
014.231.7115.6127.02.803.065.641.043.921065.0
113.201.7811.2100.02.652.764.381.053.401050.0
213.162.3618.6101.02.803.245.681.033.171185.0
314.371.9516.8113.03.853.497.800.863.451480.0
413.242.5921.0118.02.802.694.321.042.93735.0
训练模型
# 5. 划分训练集和测试集

x_train, x_test, y_train, y_test = train_test_split(x, y, test_size=0.3, random_state=42)
x_train.head(), x_test.head(), y_train.head(), y_test.head()
(     alcohol  malic_acid  alcalinity_of_ash  magnesium  total_phenols  \
 138    13.49        3.59               19.5       88.0           1.62   
 104    12.51        1.73               20.5       85.0           2.20   
 78     12.33        0.99               14.8      136.0           1.90   
 36     13.28        1.64               15.5      110.0           2.60   
 93     12.29        2.83               18.0       88.0           2.45   
 
      flavanoids  color_intensity   hue  od280/od315_of_diluted_wines  proline  
 138        0.48             5.70  0.81                          1.82    580.0  
 104        1.92             2.94  1.04                          3.57    672.0  
 78         1.85             3.40  1.06                          2.31    750.0  
 36         2.68             4.60  1.09                          2.78    880.0  
 93         2.25             2.15  1.15                          3.30    290.0  ,
      alcohol  malic_acid  alcalinity_of_ash  magnesium  total_phenols  \
 19     13.64        3.10               15.2      116.0           2.70   
 45     14.21        4.04               18.9      111.0           2.85   
 140    12.93        2.81               21.0       96.0           1.54   
 30     13.73        1.50               22.5      101.0           3.00   
 67     12.37        1.17               19.6       78.0           2.11   
 
      flavanoids  color_intensity   hue  od280/od315_of_diluted_wines  proline  
 19         3.03             5.10  0.96                          3.36    845.0  
 45         2.65             5.24  0.87                          3.33   1080.0  
 140        0.50             4.60  0.77                          2.31    600.0  
 30         3.25             5.70  1.19                          2.71   1285.0  
 67         2.00             4.68  1.12                          3.48    510.0  ,
      0
 138  2
 104  1
 78   1
 36   0
 93   1,
      0
 19   0
 45   0
 140  2
 30   0
 67   1)
# 6. 构建xgb 模型

model = XGBClassifier(max_depth=3, learning_rate=0.5, n_estimators=50, gamma=0.5, min_child_weight=5, random_state=42)
model.fit(x_train, y_train)
XGBClassifier(base_score=None, booster=None, callbacks=None,
          colsample_bylevel=None, colsample_bynode=None,
          colsample_bytree=None, device=None, early_stopping_rounds=None,
          enable_categorical=False, eval_metric=None, feature_types=None,
          gamma=0.5, grow_policy=None, importance_type=None,
          interaction_constraints=None, learning_rate=0.5, max_bin=None,
          max_cat_threshold=None, max_cat_to_onehot=None,
          max_delta_step=None, max_depth=3, max_leaves=None,
          min_child_weight=5, missing=nan, monotone_constraints=None,
          multi_strategy=None, n_estimators=50, n_jobs=None,
          num_parallel_tree=None, objective=&#x27;multi:softprob&#x27;, ...)</pre><b>In a Jupyter environment, please rerun this cell to show the HTML representation or trust the notebook. <br />On GitHub, the HTML representation is unable to render, please try loading this page with nbviewer.org.</b></div><div class="sk-container" hidden><div class="sk-item"><div class="sk-estimator fitted sk-toggleable"><input class="sk-toggleable__control sk-hidden--visually" id="sk-estimator-id-1" type="checkbox" checked><label for="sk-estimator-id-1" class="sk-toggleable__label fitted sk-toggleable__label-arrow fitted">&nbsp;XGBClassifier<span class="sk-estimator-doc-link fitted">i<span>Fitted</span></span></label><div class="sk-toggleable__content fitted"><pre>XGBClassifier(base_score=None, booster=None, callbacks=None,
          colsample_bylevel=None, colsample_bynode=None,
          colsample_bytree=None, device=None, early_stopping_rounds=None,
          enable_categorical=False, eval_metric=None, feature_types=None,
          gamma=0.5, grow_policy=None, importance_type=None,
          interaction_constraints=None, learning_rate=0.5, max_bin=None,
          max_cat_threshold=None, max_cat_to_onehot=None,
          max_delta_step=None, max_depth=3, max_leaves=None,
          min_child_weight=5, missing=nan, monotone_constraints=None,
          multi_strategy=None, n_estimators=50, n_jobs=None,
          num_parallel_tree=None, objective=&#x27;multi:softprob&#x27;, ...)</pre></div> </div></div></div></div>
预测测试集并计算指标
# 7. 预测测试集

y_pred = model.predict(x_test)

acc = accuracy_score(y_test, y_pred)
acc
0.9814814814814815
模型调参
# 8. 模型调参

model = XGBClassifier(random_state=42)
param_grid = {
    "max_depth": [3, 5, 7, 10],
    "learning_rate": [0.01, 0.1, 0.5],
    "n_estimators": [50, 100, 200],
    "gamma": [0, 0.1, 0.2, 0.5],
    "min_child_weight": [1, 3, 5]
}

grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=5, scoring='accuracy', verbose=2)
grid_search.fit(x_train, y_train)

``
Fitting 5 folds for each of 432 candidates, totalling 2160 fits
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.3s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.5s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.5s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.5s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.3s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.7s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.8s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.6s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.5s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.5s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.3s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.3s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.7s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.7s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.3s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.7s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.5s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.5s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.5s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.5s
[CV] END gamma=0, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.3s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.3s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.3s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.5s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.4s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.3s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.3s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.3s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.6s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.3s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.6s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.5s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.7s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.3s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.5s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.7s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.6s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.5s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.5s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.6s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.3s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.6s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.3s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.6s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.3s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.5s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.5s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.6s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.3s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.5s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.6s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.6s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.7s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.5s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.3s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.5s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.5s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.4s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.1, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.5s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.7s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.5s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.5s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.4s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.3s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.2, learning_rate=0.5, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.5s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.4s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.01, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=3, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=5, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=3, n_estimators=200; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=7, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=1, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=3, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=100; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.3s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.6s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.2s
[CV] END gamma=0.5, learning_rate=0.1, max_depth=10, min_child_weight=5, n_estimators=200; total time= 0.1s
[CV] END gamma=0.5, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s
[CV] END gamma=0.5, learning_rate=0.5, max_depth=3, min_child_weight=1, n_estimators=50; total time= 0.0s

  • 8
    点赞
  • 25
    收藏
    觉得还不错? 一键收藏
  • 0
    评论
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值