In [1]:
# %load_ext watermark
# %watermark -u -d -v -p numpy,scipy,pandas,sklearn,mlxtend

Energy reconstruction via ML regression

Table of contents

  1. Data preprocessing
  2. Weight simulation events to spectrum
  3. S125 verification
  4. $\log_{10}(\mathrm{dE/dX})$ verification$-verification)

In [1]:
from __future__ import division, print_function
import os
from collections import defaultdict
import numpy as np
import pandas as pd
import matplotlib.pyplot as plt
import matplotlib.gridspec as gridspec
from matplotlib.colors import LogNorm
import seaborn as sns
import dask
from dask import delayed, multiprocessing
from dask.diagnostics import ProgressBar
from sklearn.ensemble import RandomForestRegressor, GradientBoostingRegressor
from sklearn.svm import SVR
from sklearn.model_selection import (validation_curve, cross_val_score,
                                     cross_val_predict, GridSearchCV, 
                                     cross_validate, KFold)
from sklearn.metrics import accuracy_score, mean_squared_error, r2_score, make_scorer
from mlxtend.preprocessing import standardize

import comptools as comp

sns.set_context(context='paper', font_scale=1.5)
color_dict = comp.get_color_dict()

%matplotlib inline

Data preprocessing

[ back to top ]

  1. Load simulation/data dataframe and apply specified quality cuts
  2. Extract desired features from dataframe
  3. Get separate testing and training datasets
  4. Feature selection

Define analysis parameters and load simulation


In [2]:
# feature_list = ['lap_cos_zenith', 'log_s125']
# feature_list = ['log_s80', 'log_s125', 'log_s250', 'lap_cos_zenith',
#                 'FractionContainment_Laputop_IceTop', 'NStations']

feature_list = ['log_s125', 'lap_cos_zenith', 'log_dEdX']
feature_labels = ['$\mathrm{\log_{10}(S_{125})}$', '$\mathrm{\cos(\\theta)}$', '$\mathrm{\log_{10}(dE/dX)}$']

# feature_list = ['log_s50', 'log_s125', 'log_s180', 'log_s250', 'lap_cos_zenith', 'log_dEdX',
#                 'FractionContainment_Laputop_IceTop']
# feature_labels = ['$\mathrm{\log_{10}(S_{50})}$', '$\mathrm{\log_{10}(S_{125})}$', '$\mathrm{\log_{10}(S_{180})}$', 
#                   '$\mathrm{\log_{10}(S_{250})}$', '$\mathrm{\cos(\\theta)}$', '$\mathrm{\log_{10}(dE/dX)}$',
#                   'IT containment']

config = 'IC86.2012'
# config = 'IC79.2010'
num_groups = 2
comp_list = comp.get_comp_list(num_groups=num_groups)
# feature_list, feature_labels = comp.get_training_features()

# pipeline_str = 'RF_energy_{}'.format(config)
pipeline_str = 'xgboost_energy_{}'.format(config)

In [3]:
energybins = comp.get_energybins(config)
log_energy_min = 5.0
log_energy_max = None

In [4]:
feature_list


Out[4]:
['log_s125', 'lap_cos_zenith', 'log_dEdX']

In [5]:
df_sim_train, df_sim_test = comp.load_sim(config=config,
                                          energy_cut_key='MC_log_energy', 
                                          energy_reco=False,
                                          log_energy_min=None,
                                          log_energy_max=None,
                                          test_size=0.5,
                                          verbose=True)


[                                        ] | 0% Completed |  0.0s
/data/user/jbourbeau/virtualenv/cr-composition_el7/lib/python2.7/site-packages/dask/base.py:835: UserWarning: The get= keyword has been deprecated. Please use the scheduler= keyword instead with the name of the desired scheduler like 'threads' or 'processes'
  warnings.warn("The get= keyword has been deprecated. "
[########################################] | 100% Completed |  2.4s
[########################################] | 100% Completed |  0.1s

In [6]:
for df in [df_sim_train, df_sim_test]:
    df['energy_s125_diff'] = df['MC_log_energy'] - df['log_s125']

In [7]:
df_sim_train.MC_log_energy.min(), df_sim_train.MC_log_energy.max()


Out[7]:
(5.316134256754441, 7.999821416140386)

Construct composition masking array for testing and training sets


In [8]:
comp_mask_train, comp_mask_test = {}, {}
for composition in comp_list:
    comp_mask_train[composition] = df_sim_train['comp_group_{}'.format(num_groups)] == composition
    comp_mask_test[composition] = df_sim_test['comp_group_{}'.format(num_groups)] == composition

In [9]:
fig, ax = plt.subplots()
sc = ax.scatter(df_sim_train['MC_log_energy'], df_sim_train['log_s125'],
                c=df_sim_train['lap_cos_zenith'], alpha=0.25)
ax.set_xlabel('$\mathrm{\log_{10}(E_{MC}/GeV)}$')
ax.set_ylabel('$\mathrm{\log_{10}(S_{125})}$')
ax.grid()
plt.colorbar(sc, label='$\mathrm{\cos(\\theta)}$')
s125_vs_MC_energy_outfile = os.path.join(comp.paths.figures_dir, 'energy_reco',
                                         's125_vs_MC_energy_zenith.png')
comp.check_output_dir(s125_vs_MC_energy_outfile)
# plt.savefig(s125_vs_MC_energy_outfile)
plt.show()


/data/user/jbourbeau/virtualenv/cr-composition_el7/lib/python2.7/site-packages/matplotlib/figure.py:2267: UserWarning: This figure includes Axes that are not compatible with tight_layout, so results might be incorrect.
  warnings.warn("This figure includes Axes that are not compatible "

In [11]:
fig, ax = plt.subplots()
sc = ax.scatter(df_sim_train['log_s125'], df_sim_train['MC_log_energy'],
                alpha=0.1)
ax.set_ylabel('$\mathrm{\log_{10}(E_{MC}/GeV)}$')
ax.set_xlabel('$\mathrm{\log_{10}(S_{125})}$')
ax.grid()
# plt.colorbar(sc, label='$\mathrm{\cos(\\theta)}$')
# s125_vs_MC_energy_outfile = os.path.join(comp.paths.figures_dir, 'energy_reco',
#                                          's125_vs_MC_energy_zenith.png')
# comp.check_output_dir(s125_vs_MC_energy_outfile)
# plt.savefig(s125_vs_MC_energy_outfile)
plt.show()



In [12]:
fig, ax = plt.subplots()
sc = ax.scatter(df_sim_train['log_s125'], df_sim_train['energy_s125_diff'],
                alpha=0.1)
ax.set_ylabel('$\mathrm{\log_{10}(E_{MC}/GeV) - \log_{10}(S_{125})}$')
ax.set_xlabel('$\mathrm{\log_{10}(S_{125})}$')
ax.grid()
# plt.colorbar(sc, label='$\mathrm{\cos(\\theta)}$')
# s125_vs_MC_energy_outfile = os.path.join(comp.paths.figures_dir, 'energy_reco',
#                                          's125_vs_MC_energy_zenith.png')
# comp.check_output_dir(s125_vs_MC_energy_outfile)
# plt.savefig(s125_vs_MC_energy_outfile)
plt.show()


Explore energy reconstruction training features

$\mathrm{\log_{10}(S_{125})}$ is highly correlated with true energy, and only has a slight composition dependence. This makes it an important training feature in energy reconstruction.


In [15]:
fig, ax = plt.subplots()
for composition in comp_list:
    log_s125 = df_sim_train.loc[comp_mask_train[composition], 'log_s125']
    MC_log_energy = df_sim_train.loc[comp_mask_train[composition], 'MC_log_energy']

    _, bin_medians, error = comp.data_functions.get_medians(MC_log_energy, log_s125,
                                                            energybins.log_energy_bins)
    ax.errorbar(energybins.log_energy_midpoints, bin_medians, yerr=error, xerr=0.05, 
                marker='.', ls='None', label=composition, color=color_dict[composition], alpha=0.75)
ax.set_xlabel('$\mathrm{\log_{10}(E_{MC}/GeV)}$')
ax.set_ylabel('$\mathrm{\log_{10}(S_{125})}$')
ax.grid()
ax.legend()
plt.show()


$\mathrm{\log_{10}(dE/dX)}$ too is correlated with true energy, but has the added benefit of being composition dependent as well. This means that an energy reconstruction regressor can also learn composition-dependence of __.


In [16]:
h, xedges, yedges  = np.histogram2d(df_sim_test['MC_log_energy'], df_sim_test['log_dEdX'],
                                    bins=[np.linspace(6.0, 8.0, 100), np.linspace(-0.5, 3, 100)])

extent = [xedges[0], xedges[-1], yedges[0], yedges[-1]]
h = np.rot90(h)
h = np.flipud(h)

In [17]:
fig, ax = plt.subplots()
plt.imshow(h, extent=extent, norm=LogNorm(), origin='lower', interpolation='none', aspect='auto')
# ax.set_xlim([6.4, 8.0])
# ax.set_ylim([6.4, 8.0])
ax.set_xlabel('$\mathrm{\log_{10}(E_{true}/GeV)}$')
ax.set_ylabel('$\mathrm{\log_{10}(dE/dX)}$')
ax.grid()
plt.colorbar(label='Counts')
# true_vs_reco_energy_outfile = os.path.join(comp.paths.figures_dir, 'energy_reco',
#                                          'MC_vs_reco_energy.png')
# comp.check_output_dir(true_vs_reco_energy_outfile)
# plt.savefig(true_vs_reco_energy_outfile)
plt.show()


Train a RandomForestRegressor to predict shower energy

Define scoring function


In [ ]:
def median_energy_res(log_energy, log_energy_pred):
    return np.median(log_energy-log_energy_pred)
scorer = make_scorer(median_energy_res, greater_is_better=False)

In [ ]:
# parameters = {'max_depth': np.arange(1, 11), 'n_estimators': np.arange(1, 100, 10)}
# gs = GridSearchCV(pipeline, parameters, scoring='neg_mean_squared_error',
#                   cv=10, n_jobs=10, verbose=2)

# # parameters = {'C': np.linspace(0.01, 1, 10)}
# # gs = GridSearchCV(SVR(), parameters, cv=10, n_jobs=10, verbose=2)

In [ ]:
# gs.fit(df_sim_train[feature_list], df_sim_train['MC_log_energy'])
# gs.best_params_

In [ ]:
# cv_results = pd.DataFrame(gs.cv_results_)

In [6]:
# # clf = gs.best_estimator_
# pipeline_str = 'RF_energy'
# pipeline = comp.get_pipeline(pipeline_str)
# pipeline


Out[6]:
Pipeline(memory=None,
     steps=[('classifier', RandomForestRegressor(bootstrap=True, criterion='mse', max_depth=7,
           max_features='auto', max_leaf_nodes=None,
           min_impurity_decrease=0.0, min_impurity_split=None,
           min_samples_leaf=1, min_samples_split=2,
           min_weight_fraction_leaf=0.0, n_estimators=100, n_jobs=10,
           oob_score=False, random_state=2, verbose=0, warm_start=False))])

In [8]:
# clf = GradientBoostingRegressor(n_estimators=100, learning_rate=0.1, random_state=2)
# clf = RandomForestRegressor(n_estimators=100, n_jobs=10, random_state=2)

In [9]:
cv_results = cross_validate(pipeline, df_sim_train[feature_list], df_sim_train['MC_log_energy'], 
                            cv=10, verbose=2)


[CV]  ................................................................
[CV] ................................................. , total=   1.7s
[CV]  ................................................................
[Parallel(n_jobs=1)]: Done   1 out of   1 | elapsed:    1.9s remaining:    0.0s
[CV] ................................................. , total=   2.1s
[CV]  ................................................................
[CV] ................................................. , total=   2.0s
[CV]  ................................................................
[CV] ................................................. , total=   2.1s
[CV]  ................................................................
[CV] ................................................. , total=   2.0s
[CV]  ................................................................
[CV] ................................................. , total=   1.6s
[CV]  ................................................................
[CV] ................................................. , total=   2.0s
[CV]  ................................................................
[CV] ................................................. , total=   2.2s
[CV]  ................................................................
[CV] ................................................. , total=   2.2s
[CV]  ................................................................
[CV] ................................................. , total=   2.0s
[Parallel(n_jobs=1)]: Done  10 out of  10 | elapsed:   21.6s finished

In [10]:
clf_name = pipeline.named_steps['classifier'].__class__.__name__
print('=' * 30)
print(clf_name)
train_score_mean = np.mean(cv_results['train_score'])
train_score_std = np.std(cv_results['train_score'])
print('Training score = {:0.3f} +/- {:0.2e}'.format(train_score_mean, train_score_std))
test_score_mean = np.mean(cv_results['test_score'])
test_score_std = np.std(cv_results['test_score'])
print('Testing score = {:0.3f} +/- {:0.2e}'.format(test_score_mean, test_score_std))
print('=' * 30)



NameErrorTraceback (most recent call last)
<ipython-input-10-748c9b84d938> in <module>()
----> 1 clf_name = pipeline.named_steps['classifier'].__class__.__name__
      2 print('=' * 30)
      3 print(clf_name)
      4 train_score_mean = np.mean(cv_results['train_score'])
      5 train_score_std = np.std(cv_results['train_score'])

NameError: name 'pipeline' is not defined

In [10]:
pipeline = comp.get_pipeline(pipeline_str)
pipeline.fit(df_sim_train[feature_list], df_sim_train['MC_log_energy'])
reco_log_energy = pipeline.predict(df_sim_test[feature_list])

In [23]:
pipeline = comp.get_pipeline(pipeline_str)
pipeline.fit(df_sim_train[feature_list], df_sim_train['energy_s125_diff'])
reco_log_energy_2 = pipeline.predict(df_sim_test[feature_list]) + df_sim_test['log_s125'].values



KeyErrorTraceback (most recent call last)
<ipython-input-23-1e0be4865dd9> in <module>()
      1 pipeline = comp.get_pipeline(pipeline_str)
----> 2 pipeline.fit(df_sim_train[feature_list], df_sim_train['energy_s125_diff'])
      3 reco_log_energy_2 = pipeline.predict(df_sim_test[feature_list]) + df_sim_test['log_s125'].values

/home/jbourbeau/.virtualenvs/composition/lib/python2.7/site-packages/pandas/core/frame.pyc in __getitem__(self, key)
   2137             return self._getitem_multilevel(key)
   2138         else:
-> 2139             return self._getitem_column(key)
   2140 
   2141     def _getitem_column(self, key):

/home/jbourbeau/.virtualenvs/composition/lib/python2.7/site-packages/pandas/core/frame.pyc in _getitem_column(self, key)
   2144         # get column
   2145         if self.columns.is_unique:
-> 2146             return self._get_item_cache(key)
   2147 
   2148         # duplicate columns & possible reduce dimensionality

/home/jbourbeau/.virtualenvs/composition/lib/python2.7/site-packages/pandas/core/generic.pyc in _get_item_cache(self, item)
   1840         res = cache.get(item)
   1841         if res is None:
-> 1842             values = self._data.get(item)
   1843             res = self._box_item_values(item, values)
   1844             cache[item] = res

/home/jbourbeau/.virtualenvs/composition/lib/python2.7/site-packages/pandas/core/internals.pyc in get(self, item, fastpath)
   3841 
   3842             if not isna(item):
-> 3843                 loc = self.items.get_loc(item)
   3844             else:
   3845                 indexer = np.arange(len(self.items))[isna(self.items)]

/home/jbourbeau/.virtualenvs/composition/lib/python2.7/site-packages/pandas/core/indexes/base.pyc in get_loc(self, key, method, tolerance)
   2525                 return self._engine.get_loc(key)
   2526             except KeyError:
-> 2527                 return self._engine.get_loc(self._maybe_cast_indexer(key))
   2528 
   2529         indexer = self.get_indexer([key], method=method, tolerance=tolerance)

pandas/_libs/index.pyx in pandas._libs.index.IndexEngine.get_loc()

pandas/_libs/index.pyx in pandas._libs.index.IndexEngine.get_loc()

pandas/_libs/hashtable_class_helper.pxi in pandas._libs.hashtable.PyObjectHashTable.get_item()

pandas/_libs/hashtable_class_helper.pxi in pandas._libs.hashtable.PyObjectHashTable.get_item()

KeyError: 'energy_s125_diff'

In [11]:
reco_log_energy


Out[11]:
array([6.44702  , 5.992215 , 5.982489 , ..., 6.6384773, 6.549923 ,
       6.217352 ], dtype=float32)

In [12]:
reco_log_energy.max()


Out[12]:
7.629562

In [14]:
num_features = len(feature_list)
importances = pipeline.named_steps['classifier'].feature_importances_
indices = np.argsort(importances)[::-1]

fig, ax = plt.subplots()
for f in range(num_features):
    print('{}) {}'.format(f + 1, importances[indices[f]]))

ax.set_ylabel('Feature Importance')
ax.bar(range(num_features), importances[indices], align='center')
plt.xticks(range(num_features), np.array(feature_labels)[indices], rotation=45)
ax.set_xlim([-1, len(feature_list)])
ax.grid(axis='y')
feature_importance_outfile = os.path.join(comp.paths.figures_dir, 'model_evaluation',
                                          'energy-feature-importance-{}.png'.format(config))
comp.check_output_dir(feature_importance_outfile)
# plt.savefig(feature_importance_outfile)
plt.show()


1) nan
2) nan
3) nan

Feature stress tests


In [16]:
n_samples = 100
df_sample = df_sim_train.sample(n_samples, random_state=2)
df_sample = df_sample.sort_values('MC_log_energy')

In [17]:
df_sim_train['log_s125'].plot(kind='hist', bins=100)


Out[17]:
<matplotlib.axes._subplots.AxesSubplot at 0x7fd0406d42d0>

In [18]:
# log_s125_samples = np.sort(df_sim_train['log_s125'].sample(100))
log_s125_samples = np.linspace(0, 3, 100)
log_s125_index = feature_list.index('log_s125')

stress_test = {}
for name, row in df_sample.iterrows():
    row_X = row[feature_list].values.copy()
    row_X = np.array([row_X for _ in range(len(log_s125_samples))])
    row_X[:, log_s125_index] = log_s125_samples
    pred = pipeline.predict(row_X) + row_X[:, log_s125_index]
    stress_test[name] = pred

In [19]:
fig, ax = plt.subplots()
colors = sns.color_palette('Greens_d', len(stress_test))
for key, color in zip(stress_test, colors):
    pred = stress_test[key]
    ax.plot(log_s125_samples, pred, marker='None', ls='-', color=color, alpha=0.7)
ax.set_xlabel('$\mathrm{\log_{10}(S_{125})}$')
ax.set_ylabel('$\mathrm{\log_{10}(E_{reco}/GeV)}$')
ax.grid()
s125_stress_test_outfile = os.path.join(comp.paths.figures_dir, 'energy_reco',
                                        's125_stress_test.png')
comp.check_output_dir(s125_stress_test_outfile)
plt.savefig(s125_stress_test_outfile)
plt.show()



In [20]:
df_sim_train['log_dEdX'].plot(kind='hist', bins=100)


Out[20]:
<matplotlib.axes._subplots.AxesSubplot at 0x7fd03f171710>

In [21]:
# log_dEdX_samples = np.sort(df_sim_train['log_dEdX'].sample(100))
log_dEdX_samples = np.linspace(0, 3, 100)
log_dEdX_index = feature_list.index('log_dEdX')

stress_test = {}
for name, row in df_sample.iterrows():
    row_X = row[feature_list].values.copy()
    row_X = np.array([row_X for _ in range(len(log_dEdX_samples))])
    row_X[:, log_dEdX_index] = log_dEdX_samples
    pred = pipeline.predict(row_X) + row_X[:, log_s125_index]
    stress_test[name] = pred

In [22]:
fig, ax = plt.subplots()
colors = sns.color_palette('Greens_d', len(stress_test))
for key, color in zip(stress_test, colors):
    pred = stress_test[key]
    ax.plot(log_dEdX_samples, pred, marker='None', ls='-', color=color, alpha=0.7)
ax.set_xlabel('$\mathrm{\log_{10}(dE/dX)}$')
ax.set_ylabel('$\mathrm{\log_{10}(E_{reco}/GeV)}$')
ax.grid()
dEdX_stress_test_outfile = os.path.join(comp.paths.figures_dir, 'energy_reco',
                                        'dEdX_stress_test.png')
comp.check_output_dir(dEdX_stress_test_outfile)
plt.savefig(dEdX_stress_test_outfile)
plt.show()



In [23]:
df_sim_train['lap_cos_zenith'].plot(kind='hist', bins=100)


Out[23]:
<matplotlib.axes._subplots.AxesSubplot at 0x7fd054bd3a50>

In [24]:
# zenith_samples = np.sort(df_sim_train['lap_cos_zenith'].sample(100))
zenith_samples = np.linspace(0.85, 1, 100)
zenith_index = feature_list.index('lap_cos_zenith')

stress_test = {}
for name, row in df_sample.iterrows():
    row_X = row[feature_list].values.copy()
    row_X = np.array([row_X for _ in range(len(log_dEdX_samples))])
    row_X[:, zenith_index] = zenith_samples
    pred = pipeline.predict(row_X) + row_X[:, log_s125_index]
    stress_test[name] = pred

In [25]:
fig, ax = plt.subplots()
colors = sns.color_palette('Greens_d', len(stress_test))
for key, color in zip(stress_test, colors):
    pred = stress_test[key]
    ax.plot(zenith_samples, pred, marker='None', ls='-', color=color, alpha=0.7)
ax.set_xlabel('$\mathrm{\\cos(\\theta)}$')
ax.set_ylabel('$\mathrm{\log_{10}(E_{reco}/GeV)}$')
ax.grid()
zenith_stress_test_outfile = os.path.join(comp.paths.figures_dir, 'energy_reco',
                                        'zenith_stress_test.png')
comp.check_output_dir(zenith_stress_test_outfile)
plt.savefig(zenith_stress_test_outfile)
plt.show()


Model validation


In [32]:
parameters = {'classifier__max_depth': np.arange(1, 16, dtype=int), 
              'classifier__n_estimators': np.arange(10, 320, 20, dtype=int)}

# parameters = {'classifier__max_depth': range(1, 8), 
#               'classifier__n_estimators':[5, 10, 20, 50, 100, 200, 300, 400, 500, 600]}

grid_search = GridSearchCV(pipeline, parameters, scoring='neg_mean_squared_error',
                           cv=10, n_jobs=20, verbose=2)
grid_search.fit(df_sim_train[feature_list], df_sim_train['MC_log_energy']);


Fitting 10 folds for each of 240 candidates, totalling 2400 fits
[CV] classifier__n_estimators=10, classifier__max_depth=1 ............
[CV] classifier__n_estimators=10, classifier__max_depth=1 ............
[CV] classifier__n_estimators=10, classifier__max_depth=1 ............
[CV] classifier__n_estimators=10, classifier__max_depth=1 ............
[CV] classifier__n_estimators=10, classifier__max_depth=1 ............
[CV] classifier__n_estimators=10, classifier__max_depth=1 ............
[CV] classifier__n_estimators=10, classifier__max_depth=1 ............
[CV] classifier__n_estimators=10, classifier__max_depth=1 ............
[CV] classifier__n_estimators=10, classifier__max_depth=1 ............
[CV] classifier__n_estimators=10, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=1, total=   0.4s
[CV]  classifier__n_estimators=10, classifier__max_depth=1, total=   0.7s
[CV]  classifier__n_estimators=10, classifier__max_depth=1, total=   0.8s
[CV]  classifier__n_estimators=10, classifier__max_depth=1, total=   0.8s
[CV]  classifier__n_estimators=10, classifier__max_depth=1, total=   0.3s
[CV]  classifier__n_estimators=10, classifier__max_depth=1, total=   0.0s
[Parallel(n_jobs=20)]: Done   1 tasks      | elapsed:    1.3s
[CV]  classifier__n_estimators=10, classifier__max_depth=1, total=   0.8s
[CV]  classifier__n_estimators=10, classifier__max_depth=1, total=   0.2s
[CV]  classifier__n_estimators=10, classifier__max_depth=1, total=   0.8s
[CV]  classifier__n_estimators=10, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=1 ............
[CV] classifier__n_estimators=30, classifier__max_depth=1 ............
[CV] classifier__n_estimators=30, classifier__max_depth=1 ............
[CV] classifier__n_estimators=30, classifier__max_depth=1 ............
[CV] classifier__n_estimators=30, classifier__max_depth=1 ............
[CV] classifier__n_estimators=30, classifier__max_depth=1 ............
[CV] classifier__n_estimators=50, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=1, total=   0.1s
[CV]  classifier__n_estimators=30, classifier__max_depth=1, total=   0.3s
[CV]  classifier__n_estimators=30, classifier__max_depth=1, total=   0.4s
[CV]  classifier__n_estimators=30, classifier__max_depth=1, total=   0.1s
[CV]  classifier__n_estimators=30, classifier__max_depth=1, total=   0.2s
[CV]  classifier__n_estimators=30, classifier__max_depth=1, total=   0.4s
[CV] classifier__n_estimators=50, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=1, total=   0.2s
[CV] classifier__n_estimators=90, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=1 ............
[CV] classifier__n_estimators=90, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=1, total=   0.2s
[CV]  classifier__n_estimators=90, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=1 ............
[CV] classifier__n_estimators=90, classifier__max_depth=1 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=110, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=1, total=   0.2s
[CV]  classifier__n_estimators=90, classifier__max_depth=1, total=   0.1s
[CV] classifier__n_estimators=110, classifier__max_depth=1 ...........
[CV] classifier__n_estimators=110, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=1, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=1, total=   0.2s
[CV]  classifier__n_estimators=110, classifier__max_depth=1, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=1, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=1 ...........
[CV] classifier__n_estimators=110, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=1, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=1, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=1 ...........
[CV] classifier__n_estimators=110, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=1, total=   0.3s
[CV]  classifier__n_estimators=110, classifier__max_depth=1, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=1 ...........
[CV] classifier__n_estimators=130, classifier__max_depth=1 ...........
[CV] classifier__n_estimators=130, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=1, total=   0.2s
[CV]  classifier__n_estimators=110, classifier__max_depth=1, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=1, total=   0.2s
[CV]  classifier__n_estimators=130, classifier__max_depth=1, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=1, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=1, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=1, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=1, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=1, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=1, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=1, total=   0.2s
[CV]  classifier__n_estimators=130, classifier__max_depth=1, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=1 ...........
[CV] classifier__n_estimators=150, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=1, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=1 ...........
[CV] classifier__n_estimators=150, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=1, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=1, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=1, total=   0.2s
[CV]  classifier__n_estimators=150, classifier__max_depth=1, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=1, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=1, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=1, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=1, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=1, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=1 ...........
[CV] classifier__n_estimators=190, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=1, total=   0.3s
[CV]  classifier__n_estimators=170, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=1 ...........
[CV] classifier__n_estimators=190, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=1, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=1, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=1, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=1 ...........
[CV] classifier__n_estimators=190, classifier__max_depth=1 ...........
[CV] classifier__n_estimators=190, classifier__max_depth=1 ...........
[CV] classifier__n_estimators=210, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=1, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=1 ...........
[CV] classifier__n_estimators=210, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=1, total=   0.3s
[CV]  classifier__n_estimators=210, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=1 ...........
[CV] classifier__n_estimators=230, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=1 ...........
[CV] classifier__n_estimators=230, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=1, total=   0.4s
[CV]  classifier__n_estimators=230, classifier__max_depth=1, total=   0.4s
[CV]  classifier__n_estimators=230, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=1 ...........
[CV] classifier__n_estimators=230, classifier__max_depth=1 ...........
[CV] classifier__n_estimators=230, classifier__max_depth=1 ...........
[CV] classifier__n_estimators=230, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=1, total=   0.4s
[CV]  classifier__n_estimators=230, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=1, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=1, total=   0.3s
[CV]  classifier__n_estimators=230, classifier__max_depth=1, total=   0.3s
[CV] classifier__n_estimators=250, classifier__max_depth=1 ...........
[CV] classifier__n_estimators=250, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=1, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=1, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=1, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=1, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=1, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=1, total=   0.4s
[Parallel(n_jobs=20)]: Done 122 tasks      | elapsed:   12.4s
[CV] classifier__n_estimators=250, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=1, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=1, total=   0.4s
[CV]  classifier__n_estimators=250, classifier__max_depth=1, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=1, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=1, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=1, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=1 ...........
[CV] classifier__n_estimators=270, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=1, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=1, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=1 ...........
[CV] classifier__n_estimators=270, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=1, total=   0.4s
[CV]  classifier__n_estimators=270, classifier__max_depth=1, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=1, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=1, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=1, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=1 ...........
[CV] classifier__n_estimators=290, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=1, total=   0.5s
[CV]  classifier__n_estimators=270, classifier__max_depth=1, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=1 ...........
[CV] classifier__n_estimators=290, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=1, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=1, total=   0.5s
[CV]  classifier__n_estimators=290, classifier__max_depth=1, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=1 ...........
[CV] classifier__n_estimators=290, classifier__max_depth=1 ...........
[CV] classifier__n_estimators=290, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=1, total=   0.6s
[CV]  classifier__n_estimators=290, classifier__max_depth=1, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=1, total=   0.5s
[CV]  classifier__n_estimators=290, classifier__max_depth=1, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=1, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=1, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=1 ...........
[CV] classifier__n_estimators=310, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=1, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=1, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=1, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=1, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=1, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=1, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=1 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=1, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=310, classifier__max_depth=1, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=2, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=2, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=1, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=310, classifier__max_depth=1, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=2, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=2, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=1, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=310, classifier__max_depth=1, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=2, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=2, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=2, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=2, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=2, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=2 ............
[CV] classifier__n_estimators=30, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=2, total=   0.1s
[CV]  classifier__n_estimators=30, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=2 ............
[CV] classifier__n_estimators=30, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=2, total=   0.1s
[CV]  classifier__n_estimators=30, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=2 ............
[CV] classifier__n_estimators=50, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=2, total=   0.1s
[CV]  classifier__n_estimators=50, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=2 ............
[CV] classifier__n_estimators=50, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=2, total=   0.1s
[CV]  classifier__n_estimators=70, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=2 ............
[CV] classifier__n_estimators=70, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=2, total=   0.2s
[CV] classifier__n_estimators=90, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=2 ............
[CV] classifier__n_estimators=90, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=2, total=   0.2s
[CV] classifier__n_estimators=90, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=2 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=2, total=   0.1s
[CV]  classifier__n_estimators=90, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=2 ............
[CV] classifier__n_estimators=110, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=2, total=   0.1s
[CV] classifier__n_estimators=110, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=2, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=2, total=   0.2s
[CV]  classifier__n_estimators=110, classifier__max_depth=2, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=2, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=2, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=2 ...........
[CV] classifier__n_estimators=110, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=2, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=2, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=2, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=2, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=2, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=2, total=   0.2s
[CV]  classifier__n_estimators=130, classifier__max_depth=2, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=2 ...........
[CV] classifier__n_estimators=130, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=2, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=2, total=   0.2s
[CV]  classifier__n_estimators=130, classifier__max_depth=2, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=2, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=2 ...........
[CV] classifier__n_estimators=130, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=2, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=2 ...........
[CV] classifier__n_estimators=130, classifier__max_depth=2 ...........
[CV] classifier__n_estimators=150, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=2, total=   0.5s
[CV]  classifier__n_estimators=130, classifier__max_depth=2, total=   0.4s
[CV] classifier__n_estimators=150, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=2, total=   0.2s
[CV]  classifier__n_estimators=130, classifier__max_depth=2, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=2, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=2 ...........
[CV] classifier__n_estimators=150, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=2, total=   0.2s
[CV]  classifier__n_estimators=150, classifier__max_depth=2, total=   0.2s
[CV]  classifier__n_estimators=150, classifier__max_depth=2, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=2, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=2 ...........
[CV] classifier__n_estimators=150, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=2, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=2, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=2, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=2, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=2 ...........
[CV] classifier__n_estimators=170, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=2, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=2 ...........
[CV] classifier__n_estimators=190, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=2, total=   0.4s
[CV]  classifier__n_estimators=190, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=2 ...........
[CV] classifier__n_estimators=190, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=2, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=2, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=2 ...........
[CV] classifier__n_estimators=190, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=2 ...........
[CV] classifier__n_estimators=210, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=2, total=   0.3s
[CV]  classifier__n_estimators=210, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=2 ...........
[CV] classifier__n_estimators=230, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=2, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=2, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=2, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=2, total=   0.4s
[CV]  classifier__n_estimators=230, classifier__max_depth=2, total=   0.3s
[CV] classifier__n_estimators=250, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=2, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=2 ...........
[CV] classifier__n_estimators=250, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=2, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=2, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=2, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=2, total=   0.4s
[CV]  classifier__n_estimators=250, classifier__max_depth=2, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=2, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=2, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=2, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=2, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=2, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=2, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=2, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=2 ...........
[CV] classifier__n_estimators=270, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=2, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=2, total=   0.4s
[CV]  classifier__n_estimators=270, classifier__max_depth=2, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=2, total=   0.5s
[CV] classifier__n_estimators=270, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=2, total=   0.4s
[CV]  classifier__n_estimators=270, classifier__max_depth=2, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=2 ...........
[CV] classifier__n_estimators=290, classifier__max_depth=2 ...........
[CV] classifier__n_estimators=290, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=2, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=2, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=2, total=   0.5s
[CV]  classifier__n_estimators=290, classifier__max_depth=2, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=2, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=2 ...........
[CV] classifier__n_estimators=290, classifier__max_depth=2 ...........
[CV] classifier__n_estimators=290, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=2, total=   0.5s
[CV]  classifier__n_estimators=290, classifier__max_depth=2, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=2 ...........
[CV] classifier__n_estimators=310, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=2, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=2, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=2, total=   0.5s
[CV]  classifier__n_estimators=290, classifier__max_depth=2, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=2, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=2, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=2, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=2, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=2 ...........
[CV] classifier__n_estimators=310, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=2, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=2 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=2, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=310, classifier__max_depth=2, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=3, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=310, classifier__max_depth=2, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=3, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=310, classifier__max_depth=2, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=3, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=3 ............
[Parallel(n_jobs=20)]: Done 325 tasks      | elapsed:   30.9s
[CV]  classifier__n_estimators=10, classifier__max_depth=3, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=2, total=   0.5s
[CV]  classifier__n_estimators=310, classifier__max_depth=2, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=3, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=3, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=3, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=3, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=3, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=3, total=   0.0s
[CV] classifier__n_estimators=30, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=3 ............
[CV] classifier__n_estimators=30, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=3, total=   0.1s
[CV]  classifier__n_estimators=30, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=3 ............
[CV] classifier__n_estimators=30, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=3, total=   0.2s
[CV] classifier__n_estimators=30, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=3, total=   0.1s
[CV]  classifier__n_estimators=30, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=3 ............
[CV] classifier__n_estimators=30, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=3, total=   0.1s
[CV]  classifier__n_estimators=30, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=3 ............
[CV] classifier__n_estimators=50, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=3 ............
[CV] classifier__n_estimators=70, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=3, total=   0.1s
[CV]  classifier__n_estimators=70, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=3 ............
[CV] classifier__n_estimators=90, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=3, total=   0.2s
[CV]  classifier__n_estimators=90, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=3 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=110, classifier__max_depth=3 ...........
[CV] classifier__n_estimators=110, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=3, total=   0.1s
[CV] classifier__n_estimators=110, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=3, total=   0.2s
[CV]  classifier__n_estimators=110, classifier__max_depth=3, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=3 ...........
[CV] classifier__n_estimators=110, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=3, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=3, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=3, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=3, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=3, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=3, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=3, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=3, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=3, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=3, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=3, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=3, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=3, total=   0.2s
[CV]  classifier__n_estimators=130, classifier__max_depth=3, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=3 ...........
[CV] classifier__n_estimators=130, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=3, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=3, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=3, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=3, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=3, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=3, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=3 ...........
[CV] classifier__n_estimators=150, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=3, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=3, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=3, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=3, total=   0.2s
[CV]  classifier__n_estimators=150, classifier__max_depth=3, total=   0.2s
[CV]  classifier__n_estimators=150, classifier__max_depth=3, total=   0.2s
[CV]  classifier__n_estimators=150, classifier__max_depth=3, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=3 ...........
[CV] classifier__n_estimators=170, classifier__max_depth=3 ...........
[CV] classifier__n_estimators=170, classifier__max_depth=3 ...........
[CV] classifier__n_estimators=170, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=3, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=3, total=   0.3s
[CV]  classifier__n_estimators=170, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=3 ...........
[CV] classifier__n_estimators=170, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=3, total=   0.3s
[CV]  classifier__n_estimators=170, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=3 ...........
[CV] classifier__n_estimators=190, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=3 ...........
[CV] classifier__n_estimators=190, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=3, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=3 ...........
[CV] classifier__n_estimators=190, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=3, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=3 ...........
[CV] classifier__n_estimators=210, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=3, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=3 ...........
[CV] classifier__n_estimators=210, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=3, total=   0.3s
[CV]  classifier__n_estimators=210, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=3 ...........
[CV] classifier__n_estimators=230, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=3, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=3, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=3, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=3, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=250, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=3, total=   0.3s
[CV] classifier__n_estimators=250, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=3, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=3, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=3, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=3, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=3, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=3, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=3 ...........
[CV] classifier__n_estimators=270, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=3, total=   0.4s
[CV]  classifier__n_estimators=250, classifier__max_depth=3, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=3, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=3, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=3 ...........
[CV] classifier__n_estimators=270, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=3, total=   0.4s
[CV]  classifier__n_estimators=270, classifier__max_depth=3, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=3 ...........
[CV] classifier__n_estimators=270, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=3, total=   0.4s
[CV]  classifier__n_estimators=270, classifier__max_depth=3, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=3 ...........
[CV] classifier__n_estimators=270, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=3, total=   0.4s
[CV]  classifier__n_estimators=270, classifier__max_depth=3, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=3, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=3, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=3 ...........
[CV] classifier__n_estimators=290, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=3, total=   0.4s
[CV]  classifier__n_estimators=270, classifier__max_depth=3, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=3 ...........
[CV] classifier__n_estimators=290, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=3, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=3, total=   0.5s
[CV]  classifier__n_estimators=290, classifier__max_depth=3, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=3, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=3, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=3, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=3, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=3, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=3, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=3 ...........
[CV] classifier__n_estimators=310, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=3, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=3, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=3, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=3, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=3, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=3 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=3, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=310, classifier__max_depth=3, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=4, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=310, classifier__max_depth=3, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=4, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=3, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=4, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=3, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=4, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=3, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=4, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=4, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=4, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=4, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=4, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=4, total=   0.0s
[CV] classifier__n_estimators=30, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=4 ............
[CV] classifier__n_estimators=30, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=4, total=   0.1s
[CV]  classifier__n_estimators=30, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=4 ............
[CV] classifier__n_estimators=30, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=4, total=   0.1s
[CV]  classifier__n_estimators=30, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=4 ............
[CV] classifier__n_estimators=50, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=4, total=   0.1s
[CV]  classifier__n_estimators=50, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=4 ............
[CV] classifier__n_estimators=50, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=4 ............
[CV] classifier__n_estimators=50, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=4, total=   0.1s
[CV]  classifier__n_estimators=50, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=4 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=110, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=4, total=   0.1s
[CV] classifier__n_estimators=110, classifier__max_depth=4 ...........
[CV] classifier__n_estimators=110, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=4, total=   0.2s
[CV]  classifier__n_estimators=110, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=4 ...........
[CV] classifier__n_estimators=110, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=4 ...........
[CV] classifier__n_estimators=130, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=4, total=   0.2s
[CV]  classifier__n_estimators=130, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=4 ...........
[CV] classifier__n_estimators=170, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=4, total=   0.3s
[CV]  classifier__n_estimators=170, classifier__max_depth=4, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=4, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=4 ...........
[CV] classifier__n_estimators=170, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=4, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=4, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=4, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=4, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=4, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=4, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=4 ...........
[CV] classifier__n_estimators=190, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=4, total=   0.4s
[CV]  classifier__n_estimators=190, classifier__max_depth=4, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=4, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=4 ...........
[CV] classifier__n_estimators=190, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=4, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=4, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=4, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=4, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=4, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=4, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=4, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=4 ...........
[CV] classifier__n_estimators=210, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=4, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=4 ...........
[CV] classifier__n_estimators=210, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=4, total=   0.4s
[CV] classifier__n_estimators=210, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=4, total=   0.4s
[CV]  classifier__n_estimators=210, classifier__max_depth=4, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=4, total=   0.4s
[CV] classifier__n_estimators=210, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=4, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=4, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=4, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=4, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=4, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=4 ...........
[CV] classifier__n_estimators=230, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=4, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=4, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=4, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=4, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=4, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=4, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=4, total=   0.5s
[CV]  classifier__n_estimators=230, classifier__max_depth=4, total=   0.3s
[CV] classifier__n_estimators=250, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=4, total=   0.3s
[CV] classifier__n_estimators=250, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=4, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=4, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=4, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=4 ...........
[CV] classifier__n_estimators=250, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=4, total=   0.4s
[CV]  classifier__n_estimators=250, classifier__max_depth=4, total=   0.4s
[CV]  classifier__n_estimators=250, classifier__max_depth=4, total=   0.4s
[CV]  classifier__n_estimators=250, classifier__max_depth=4, total=   0.4s
[CV]  classifier__n_estimators=250, classifier__max_depth=4, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=4 ...........
[CV] classifier__n_estimators=250, classifier__max_depth=4 ...........
[CV] classifier__n_estimators=250, classifier__max_depth=4 ...........
[CV] classifier__n_estimators=270, classifier__max_depth=4 ...........
[CV] classifier__n_estimators=270, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=4, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=4, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=4, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=4 ...........
[CV] classifier__n_estimators=270, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=4, total=   0.4s
[Parallel(n_jobs=20)]: Done 608 tasks      | elapsed:   56.6s
[CV] classifier__n_estimators=270, classifier__max_depth=4 ...........
[CV] classifier__n_estimators=270, classifier__max_depth=4 ...........
[CV] classifier__n_estimators=270, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=4, total=   0.5s
[CV] classifier__n_estimators=270, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=4, total=   0.4s
[CV]  classifier__n_estimators=270, classifier__max_depth=4, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=4, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=4, total=   0.5s
[CV]  classifier__n_estimators=270, classifier__max_depth=4, total=   0.6s
[CV] classifier__n_estimators=290, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=4, total=   0.5s
[CV]  classifier__n_estimators=270, classifier__max_depth=4, total=   0.6s
[CV]  classifier__n_estimators=270, classifier__max_depth=4, total=   0.7s
[CV] classifier__n_estimators=290, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=4, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=4, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=4 ...........
[CV] classifier__n_estimators=290, classifier__max_depth=4 ...........
[CV] classifier__n_estimators=290, classifier__max_depth=4 ...........
[CV] classifier__n_estimators=290, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=4, total=   0.4s
[CV]  classifier__n_estimators=290, classifier__max_depth=4, total=   0.4s
[CV]  classifier__n_estimators=290, classifier__max_depth=4, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=4 ...........
[CV] classifier__n_estimators=310, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=4, total=   0.5s
[CV]  classifier__n_estimators=290, classifier__max_depth=4, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=4 ...........
[CV] classifier__n_estimators=310, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=4, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=4, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=4, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=4 ...........
[CV] classifier__n_estimators=310, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=4, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=4, total=   0.5s
[CV]  classifier__n_estimators=310, classifier__max_depth=4, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=4, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=4 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=4, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=5, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=4, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=310, classifier__max_depth=4, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=5, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=310, classifier__max_depth=4, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=5, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=310, classifier__max_depth=4, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=5, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=310, classifier__max_depth=4, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=5, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=5, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=5, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=5, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=5, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=5, total=   0.0s
[CV] classifier__n_estimators=30, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=5 ............
[CV] classifier__n_estimators=30, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=5, total=   0.1s
[CV]  classifier__n_estimators=30, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=5, total=   0.1s
[CV]  classifier__n_estimators=50, classifier__max_depth=5, total=   0.1s
[CV]  classifier__n_estimators=30, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=5 ............
[CV] classifier__n_estimators=50, classifier__max_depth=5 ............
[CV] classifier__n_estimators=50, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=5 ............
[CV] classifier__n_estimators=50, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=5, total=   0.1s
[CV]  classifier__n_estimators=50, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=5 ............
[CV] classifier__n_estimators=50, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=70, classifier__max_depth=5 ............
[CV] classifier__n_estimators=70, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=5, total=   0.2s
[CV]  classifier__n_estimators=70, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=5 ............
[CV] classifier__n_estimators=90, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=90, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=90, classifier__max_depth=5 ............
[CV] classifier__n_estimators=90, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=5, total=   0.2s
[CV]  classifier__n_estimators=90, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=90, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=5 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=110, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=5, total=   0.1s
[CV]  classifier__n_estimators=90, classifier__max_depth=5, total=   0.1s
[CV] classifier__n_estimators=110, classifier__max_depth=5 ...........
[CV] classifier__n_estimators=110, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=5 ...........
[CV] classifier__n_estimators=110, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=5, total=   0.2s
[CV]  classifier__n_estimators=110, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=5 ...........
[CV] classifier__n_estimators=130, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=5, total=   0.2s
[CV]  classifier__n_estimators=130, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=5, total=   0.2s
[CV]  classifier__n_estimators=150, classifier__max_depth=5, total=   0.2s
[CV]  classifier__n_estimators=150, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=5 ...........
[CV] classifier__n_estimators=150, classifier__max_depth=5 ...........
[CV] classifier__n_estimators=150, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=5 ...........
[CV] classifier__n_estimators=150, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=5, total=   0.2s
[CV]  classifier__n_estimators=150, classifier__max_depth=5, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=5 ...........
[CV] classifier__n_estimators=170, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=5, total=   0.3s
[CV]  classifier__n_estimators=170, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=5 ...........
[CV] classifier__n_estimators=190, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=5 ...........
[CV] classifier__n_estimators=190, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=5, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=5 ...........
[CV] classifier__n_estimators=190, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=5, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=5 ...........
[CV] classifier__n_estimators=210, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=5, total=   0.3s
[CV]  classifier__n_estimators=210, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=5, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=5 ...........
[CV] classifier__n_estimators=230, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=5, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=5, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=5, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=250, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=250, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=5, total=   0.4s
[CV]  classifier__n_estimators=230, classifier__max_depth=5, total=   0.3s
[CV]  classifier__n_estimators=230, classifier__max_depth=5, total=   0.3s
[CV] classifier__n_estimators=250, classifier__max_depth=5 ...........
[CV] classifier__n_estimators=250, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=5, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=5, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=5, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=5, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=5, total=   0.4s
[CV]  classifier__n_estimators=250, classifier__max_depth=5, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=5 ...........
[CV] classifier__n_estimators=250, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=5, total=   0.5s
[CV] classifier__n_estimators=270, classifier__max_depth=5 ...........
[CV] classifier__n_estimators=270, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=5, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=5, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=5, total=   0.5s
[CV] classifier__n_estimators=270, classifier__max_depth=5 ...........
[CV] classifier__n_estimators=270, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=5, total=   0.4s
[CV]  classifier__n_estimators=270, classifier__max_depth=5, total=   0.5s
[CV] classifier__n_estimators=270, classifier__max_depth=5 ...........
[CV] classifier__n_estimators=270, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=5, total=   0.4s
[CV]  classifier__n_estimators=270, classifier__max_depth=5, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=5, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=5, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=5, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=5, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=5, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=5, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=5 ...........
[CV] classifier__n_estimators=290, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=5, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=5, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=5, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=5, total=   0.5s
[CV]  classifier__n_estimators=290, classifier__max_depth=5, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=5, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=5, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=5, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=5 ...........
[CV] classifier__n_estimators=310, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=5, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=5, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=5, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=5, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=5, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=5, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=5 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=5, total=   0.5s
[CV]  classifier__n_estimators=310, classifier__max_depth=5, total=   0.4s
[CV] classifier__n_estimators=10, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=6, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=6, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=5, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=310, classifier__max_depth=5, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=6, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=6, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=5, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=6, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=5, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=6, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=6, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=6, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=6, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=6, total=   0.0s
[CV] classifier__n_estimators=30, classifier__max_depth=6 ............
[CV] classifier__n_estimators=30, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=6, total=   0.1s
[CV]  classifier__n_estimators=30, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=6 ............
[CV] classifier__n_estimators=30, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=6, total=   0.1s
[CV]  classifier__n_estimators=30, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=6 ............
[CV] classifier__n_estimators=50, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=6, total=   0.1s
[CV]  classifier__n_estimators=50, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=6 ............
[CV] classifier__n_estimators=50, classifier__max_depth=6 ............
[CV] classifier__n_estimators=50, classifier__max_depth=6 ............
[CV] classifier__n_estimators=50, classifier__max_depth=6 ............
[CV] classifier__n_estimators=50, classifier__max_depth=6 ............
[CV] classifier__n_estimators=50, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=6, total=   0.2s
[CV]  classifier__n_estimators=50, classifier__max_depth=6, total=   0.2s
[CV]  classifier__n_estimators=50, classifier__max_depth=6, total=   0.2s
[CV]  classifier__n_estimators=50, classifier__max_depth=6, total=   0.5s
[CV]  classifier__n_estimators=50, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=6, total=   0.1s
[CV]  classifier__n_estimators=70, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=6 ............
[CV] classifier__n_estimators=70, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=6 ............
[CV] classifier__n_estimators=70, classifier__max_depth=6 ............
[CV] classifier__n_estimators=90, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=6, total=   0.1s
[CV]  classifier__n_estimators=70, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=6, total=   0.1s
[CV]  classifier__n_estimators=90, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=6 ............
[CV] classifier__n_estimators=90, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=6, total=   0.1s
[CV]  classifier__n_estimators=90, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=6 ............
[CV] classifier__n_estimators=90, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=6 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=110, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=6, total=   0.1s
[CV]  classifier__n_estimators=90, classifier__max_depth=6, total=   0.1s
[CV] classifier__n_estimators=110, classifier__max_depth=6 ...........
[CV] classifier__n_estimators=110, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=6, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=6, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=6, total=   0.2s
[CV]  classifier__n_estimators=110, classifier__max_depth=6, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=6 ...........
[CV] classifier__n_estimators=110, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=6, total=   0.2s
[CV]  classifier__n_estimators=110, classifier__max_depth=6, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=6 ...........
[CV] classifier__n_estimators=110, classifier__max_depth=6 ...........
[CV] classifier__n_estimators=110, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=6, total=   0.2s
[CV]  classifier__n_estimators=110, classifier__max_depth=6, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=6, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=6, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=6, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=6, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=6 ...........
[CV] classifier__n_estimators=130, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=6, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=6, total=   0.2s
[CV]  classifier__n_estimators=130, classifier__max_depth=6, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=6 ...........
[CV] classifier__n_estimators=130, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=6, total=   0.2s
[CV]  classifier__n_estimators=130, classifier__max_depth=6, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=6, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=6, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=150, classifier__max_depth=6 ...........
[CV] classifier__n_estimators=150, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=150, classifier__max_depth=6 ...........
[CV] classifier__n_estimators=150, classifier__max_depth=6 ...........
[CV] classifier__n_estimators=150, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=6, total=   0.2s
[CV]  classifier__n_estimators=150, classifier__max_depth=6, total=   0.2s
[CV]  classifier__n_estimators=150, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=150, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=6, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=6, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=6, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=6, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=6, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=6, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=6, total=   0.3s
[CV]  classifier__n_estimators=170, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=6, total=   0.2s
[CV] classifier__n_estimators=190, classifier__max_depth=6 ...........
[CV] classifier__n_estimators=190, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=6, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=6 ...........
[CV] classifier__n_estimators=190, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=6, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=6 ...........
[CV] classifier__n_estimators=210, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=6, total=   0.3s
[CV]  classifier__n_estimators=210, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=6 ...........
[CV] classifier__n_estimators=210, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=210, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=6 ...........
[CV] classifier__n_estimators=230, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=6, total=   0.3s
[CV]  classifier__n_estimators=210, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=6, total=   0.4s
[CV]  classifier__n_estimators=230, classifier__max_depth=6, total=   0.4s
[CV]  classifier__n_estimators=230, classifier__max_depth=6, total=   0.3s
[CV]  classifier__n_estimators=230, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=6 ...........
[CV] classifier__n_estimators=230, classifier__max_depth=6 ...........
[CV] classifier__n_estimators=230, classifier__max_depth=6 ...........
[CV] classifier__n_estimators=250, classifier__max_depth=6 ...........
[CV] classifier__n_estimators=250, classifier__max_depth=6 ...........
[CV] classifier__n_estimators=250, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=6, total=   0.4s
[CV]  classifier__n_estimators=230, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=6, total=   0.3s
[CV] classifier__n_estimators=250, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=6, total=   0.4s
[CV]  classifier__n_estimators=250, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=6 ...........
[CV] classifier__n_estimators=270, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=6 ...........
[CV] classifier__n_estimators=270, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=6 ...........
[CV] classifier__n_estimators=290, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=6, total=   0.4s
[CV]  classifier__n_estimators=270, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=6, total=   0.4s
[CV]  classifier__n_estimators=270, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=6, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=6 ...........
[CV] classifier__n_estimators=290, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=6, total=   0.5s
[CV]  classifier__n_estimators=290, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=6 ...........
[CV] classifier__n_estimators=310, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=6, total=   0.5s
[CV]  classifier__n_estimators=290, classifier__max_depth=6, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=6, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=6, total=   0.5s
[CV]  classifier__n_estimators=310, classifier__max_depth=6, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=6 ...........
[CV] classifier__n_estimators=310, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=6, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=6, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=6 ...........
[CV] classifier__n_estimators=310, classifier__max_depth=6 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=6, total=   0.5s
[CV]  classifier__n_estimators=310, classifier__max_depth=6, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=7, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=7, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=310, classifier__max_depth=6, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=7, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=310, classifier__max_depth=6, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=7, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=6, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=7, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=6, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=7, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=7, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=7, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=7, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=7, total=   0.0s
[CV] classifier__n_estimators=30, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=7 ............
[CV] classifier__n_estimators=30, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=7, total=   0.1s
[CV]  classifier__n_estimators=30, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=7 ............
[Parallel(n_jobs=20)]: Done 973 tasks      | elapsed:  1.5min
[CV]  classifier__n_estimators=30, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=7 ............
[CV] classifier__n_estimators=50, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=7, total=   0.1s
[CV]  classifier__n_estimators=50, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=7 ............
[CV] classifier__n_estimators=50, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=7, total=   0.1s
[CV]  classifier__n_estimators=50, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=7 ............
[CV] classifier__n_estimators=50, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=7, total=   0.1s
[CV]  classifier__n_estimators=50, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=7 ............
[CV] classifier__n_estimators=70, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=7 ............
[CV] classifier__n_estimators=90, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=7, total=   0.2s
[CV]  classifier__n_estimators=90, classifier__max_depth=7, total=   0.2s
[CV] classifier__n_estimators=90, classifier__max_depth=7 ............
[CV] classifier__n_estimators=90, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=7, total=   0.2s
[CV]  classifier__n_estimators=90, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=7 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=7, total=   0.1s
[CV]  classifier__n_estimators=90, classifier__max_depth=7, total=   0.1s
[CV] classifier__n_estimators=110, classifier__max_depth=7 ...........
[CV] classifier__n_estimators=110, classifier__max_depth=7 ...........
[CV] classifier__n_estimators=110, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=7, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=7, total=   0.2s
[CV]  classifier__n_estimators=110, classifier__max_depth=7, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=7, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=7, total=   0.2s
[CV]  classifier__n_estimators=110, classifier__max_depth=7, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=7 ...........
[CV] classifier__n_estimators=110, classifier__max_depth=7 ...........
[CV] classifier__n_estimators=110, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=7, total=   0.2s
[CV]  classifier__n_estimators=110, classifier__max_depth=7, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=7 ...........
[CV] classifier__n_estimators=130, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=7, total=   0.2s
[CV]  classifier__n_estimators=110, classifier__max_depth=7, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=7 ...........
[CV] classifier__n_estimators=130, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=7, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=7, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=7, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=7, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=7, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=7, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=7, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=7, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=7, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=7, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=7, total=   0.2s
[CV]  classifier__n_estimators=150, classifier__max_depth=7, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=7 ...........
[CV] classifier__n_estimators=150, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=7, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=7, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=7, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=7, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=7, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=7, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=7, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=7, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=7 ...........
[CV] classifier__n_estimators=170, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=7, total=   0.3s
[CV]  classifier__n_estimators=170, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=7 ...........
[CV] classifier__n_estimators=170, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=7, total=   0.3s
[CV]  classifier__n_estimators=170, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=7 ...........
[CV] classifier__n_estimators=170, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=7, total=   0.3s
[CV]  classifier__n_estimators=170, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=7 ...........
[CV] classifier__n_estimators=190, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=7, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=7 ...........
[CV] classifier__n_estimators=190, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=7, total=   0.4s
[CV] classifier__n_estimators=190, classifier__max_depth=7 ...........
[CV] classifier__n_estimators=190, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=7, total=   0.4s
[CV]  classifier__n_estimators=190, classifier__max_depth=7, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=7 ...........
[CV] classifier__n_estimators=190, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=7 ...........
[CV] classifier__n_estimators=230, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=7, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=7, total=   0.4s
[CV]  classifier__n_estimators=230, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=7 ...........
[CV] classifier__n_estimators=230, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=7, total=   0.3s
[CV]  classifier__n_estimators=230, classifier__max_depth=7, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=250, classifier__max_depth=7 ...........
[CV] classifier__n_estimators=250, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=7, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=7, total=   0.4s
[CV]  classifier__n_estimators=230, classifier__max_depth=7, total=   0.3s
[CV] classifier__n_estimators=250, classifier__max_depth=7 ...........
[CV] classifier__n_estimators=250, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=7, total=   0.4s
[CV]  classifier__n_estimators=250, classifier__max_depth=7, total=   0.4s
[CV]  classifier__n_estimators=250, classifier__max_depth=7, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=7 ...........
[CV] classifier__n_estimators=250, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=7, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=7 ...........
[CV] classifier__n_estimators=250, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=7, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=7, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=7, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=7, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=7, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=7, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=7, total=   0.4s
[CV]  classifier__n_estimators=270, classifier__max_depth=7, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=7 ...........
[CV] classifier__n_estimators=270, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=7, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=7, total=   0.5s
[CV] classifier__n_estimators=270, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=7, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=7, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=7, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=7, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=7, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=7, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=7, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=7 ...........
[CV] classifier__n_estimators=290, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=7, total=   0.6s
[CV]  classifier__n_estimators=290, classifier__max_depth=7, total=   0.5s
[CV]  classifier__n_estimators=290, classifier__max_depth=7, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=7, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=7 ...........
[CV] classifier__n_estimators=290, classifier__max_depth=7 ...........
[CV] classifier__n_estimators=310, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=7, total=   0.6s
[CV]  classifier__n_estimators=290, classifier__max_depth=7, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=7, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=7, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=7, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=7, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=7, total=   0.5s
[CV]  classifier__n_estimators=310, classifier__max_depth=7, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=7, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=7, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=7 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=7, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=7 ...........
[CV] classifier__n_estimators=10, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=8, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=310, classifier__max_depth=7, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=8, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=310, classifier__max_depth=7, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=8, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=7, total=   0.4s
[CV] classifier__n_estimators=10, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=8, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=310, classifier__max_depth=7, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=8, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=8, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=8, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=8, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=8, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=8, total=   0.0s
[CV] classifier__n_estimators=30, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=8 ............
[CV] classifier__n_estimators=50, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=8, total=   0.1s
[CV]  classifier__n_estimators=50, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=8 ............
[CV] classifier__n_estimators=50, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=8 ............
[CV] classifier__n_estimators=90, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=8, total=   0.1s
[CV]  classifier__n_estimators=90, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=8 ............
[CV] classifier__n_estimators=90, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=8, total=   0.2s
[CV]  classifier__n_estimators=90, classifier__max_depth=8, total=   0.2s
[CV] classifier__n_estimators=90, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=8 ............
[CV] classifier__n_estimators=90, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=8, total=   0.1s
[CV]  classifier__n_estimators=90, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=8 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=110, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=8, total=   0.1s
[CV] classifier__n_estimators=110, classifier__max_depth=8 ...........
[CV] classifier__n_estimators=110, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=8, total=   0.2s
[CV]  classifier__n_estimators=110, classifier__max_depth=8, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=8, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=8 ...........
[CV] classifier__n_estimators=110, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=8, total=   0.2s
[CV]  classifier__n_estimators=110, classifier__max_depth=8, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=8 ...........
[CV] classifier__n_estimators=110, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=8, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=8, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=8, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=8, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=8, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=8, total=   0.2s
[CV]  classifier__n_estimators=130, classifier__max_depth=8, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=8 ...........
[CV] classifier__n_estimators=130, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=8, total=   0.2s
[CV]  classifier__n_estimators=130, classifier__max_depth=8, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=8 ...........
[CV] classifier__n_estimators=130, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=8, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=8, total=   0.2s
[CV]  classifier__n_estimators=130, classifier__max_depth=8, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=8 ...........
[CV] classifier__n_estimators=130, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=8, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=8, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=8, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=8, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=8 ...........
[CV] classifier__n_estimators=150, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=8, total=   0.2s
[CV]  classifier__n_estimators=150, classifier__max_depth=8, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=8, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=8, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=8 ...........
[CV] classifier__n_estimators=150, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=8, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=8, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=8, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=8, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=8, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=8, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=8, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=8 ...........
[CV] classifier__n_estimators=210, classifier__max_depth=8 ...........
[CV] classifier__n_estimators=210, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=8 ...........
[CV] classifier__n_estimators=210, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=8, total=   0.3s
[CV]  classifier__n_estimators=210, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=8 ...........
[CV] classifier__n_estimators=210, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=8, total=   0.3s
[CV]  classifier__n_estimators=210, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=8 ...........
[CV] classifier__n_estimators=230, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=8, total=   0.3s
[CV]  classifier__n_estimators=230, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=8 ...........
[CV] classifier__n_estimators=230, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=8, total=   0.4s
[CV]  classifier__n_estimators=230, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=8 ...........
[CV] classifier__n_estimators=250, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=250, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=8, total=   0.3s
[CV] classifier__n_estimators=250, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=8 ...........
[CV] classifier__n_estimators=270, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=8, total=   0.4s
[CV]  classifier__n_estimators=270, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=8, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=8, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=8, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=8, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=8 ...........
[CV] classifier__n_estimators=310, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=8, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=8, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=8 ...........
[CV] classifier__n_estimators=310, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=8, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=8, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=8 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=8, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=9, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=8, total=   0.5s
[CV]  classifier__n_estimators=310, classifier__max_depth=8, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=9, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=9, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=8, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=310, classifier__max_depth=8, total=   0.5s
[CV]  classifier__n_estimators=310, classifier__max_depth=8, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=9, total=   0.1s
[CV]  classifier__n_estimators=10, classifier__max_depth=9, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=8, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=9, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=9, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=9, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=9, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=10, classifier__max_depth=9, total=   0.0s
[CV] classifier__n_estimators=30, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=30, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=9 ............
[CV] classifier__n_estimators=50, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=9, total=   0.1s
[CV]  classifier__n_estimators=50, classifier__max_depth=9, total=   0.1s
[CV]  classifier__n_estimators=50, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=9 ............
[CV] classifier__n_estimators=50, classifier__max_depth=9 ............
[CV] classifier__n_estimators=50, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=50, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=9 ............
[CV] classifier__n_estimators=70, classifier__max_depth=9 ............
[CV] classifier__n_estimators=70, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=9, total=   0.7s
[CV]  classifier__n_estimators=70, classifier__max_depth=9, total=   0.6s
[CV]  classifier__n_estimators=70, classifier__max_depth=9, total=   0.2s
[CV]  classifier__n_estimators=70, classifier__max_depth=9, total=   0.2s
[CV] classifier__n_estimators=70, classifier__max_depth=9 ............
[CV] classifier__n_estimators=90, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=70, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=9 ............
[CV] classifier__n_estimators=90, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=9, total=   0.1s
[CV]  classifier__n_estimators=90, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=9 ............
[CV] classifier__n_estimators=90, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=9, total=   0.1s
[CV]  classifier__n_estimators=90, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=9 ............
[CV]  classifier__n_estimators=90, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=110, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=9, total=   0.1s
[CV] classifier__n_estimators=110, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=9, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=9, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=9, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=110, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=9, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=9, total=   0.2s
[CV]  classifier__n_estimators=110, classifier__max_depth=9, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=9, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=110, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=9, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=9, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=110, classifier__max_depth=9, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=9, total=   0.2s
[CV]  classifier__n_estimators=130, classifier__max_depth=9, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=9, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=130, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=9, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=9, total=   0.4s
[CV]  classifier__n_estimators=130, classifier__max_depth=9, total=   0.3s
[CV] classifier__n_estimators=130, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=130, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=9, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=9, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=9, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=130, classifier__max_depth=9, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=9, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=9, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=9, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=9, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=9, total=   0.2s
[CV]  classifier__n_estimators=150, classifier__max_depth=9, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=150, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=9, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=9, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=9, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=170, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=150, classifier__max_depth=9, total=   0.2s
[CV]  classifier__n_estimators=170, classifier__max_depth=9, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=170, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=170, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=170, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=9, total=   0.3s
[CV]  classifier__n_estimators=170, classifier__max_depth=9, total=   0.3s
[CV]  classifier__n_estimators=170, classifier__max_depth=9, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=9, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=170, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=9, total=   0.4s
[CV]  classifier__n_estimators=170, classifier__max_depth=9, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=9, total=   0.2s
[CV]  classifier__n_estimators=170, classifier__max_depth=9, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=190, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=170, classifier__max_depth=9, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=9, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=9, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=9, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=9, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=9, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=9, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=190, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=9, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=9, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=9, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=190, classifier__max_depth=9, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=9, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=9, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=9, total=   0.3s
[CV]  classifier__n_estimators=210, classifier__max_depth=9, total=   0.3s
[CV]  classifier__n_estimators=210, classifier__max_depth=9, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=210, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=210, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=9, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=9, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=9, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=9, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=210, classifier__max_depth=9, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=9, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=230, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=9, total=   0.5s
[CV]  classifier__n_estimators=230, classifier__max_depth=9, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=9, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=9, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=230, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=9, total=   0.3s
[CV]  classifier__n_estimators=230, classifier__max_depth=9, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=9, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=9, total=   0.3s
[CV] classifier__n_estimators=250, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=230, classifier__max_depth=9, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=9, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=9, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=250, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=9, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=9, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=9, total=   0.4s
[CV]  classifier__n_estimators=250, classifier__max_depth=9, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=270, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=9, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=9, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=9, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=250, classifier__max_depth=9, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=270, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=270, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=270, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=270, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=270, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=290, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=290, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=290, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=290, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=290, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=290, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=9, total=   1.5s
[CV]  classifier__n_estimators=270, classifier__max_depth=9, total=   1.6s
[CV]  classifier__n_estimators=270, classifier__max_depth=9, total=   1.4s
[CV] classifier__n_estimators=290, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=270, classifier__max_depth=9, total=   1.3s
[CV]  classifier__n_estimators=270, classifier__max_depth=9, total=   1.2s
[CV]  classifier__n_estimators=270, classifier__max_depth=9, total=   0.8s
[CV]  classifier__n_estimators=270, classifier__max_depth=9, total=   0.9s
[CV]  classifier__n_estimators=290, classifier__max_depth=9, total=   0.5s
[CV]  classifier__n_estimators=270, classifier__max_depth=9, total=   1.2s
[CV]  classifier__n_estimators=270, classifier__max_depth=9, total=   1.0s
[Parallel(n_jobs=20)]: Done 1418 tasks      | elapsed:  2.2min
[CV]  classifier__n_estimators=270, classifier__max_depth=9, total=   1.3s
[CV]  classifier__n_estimators=290, classifier__max_depth=9, total=   0.6s
[CV]  classifier__n_estimators=290, classifier__max_depth=9, total=   0.9s
[CV]  classifier__n_estimators=290, classifier__max_depth=9, total=   0.9s
[CV]  classifier__n_estimators=290, classifier__max_depth=9, total=   0.7s
[CV] classifier__n_estimators=290, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=9, total=   1.0s
[CV] classifier__n_estimators=290, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=9, total=   0.6s
[CV] classifier__n_estimators=290, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=310, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=310, classifier__max_depth=9 ...........
[CV] classifier__n_estimators=310, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=9, total=   0.4s
[CV]  classifier__n_estimators=290, classifier__max_depth=9, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=290, classifier__max_depth=9, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=9, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=9, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=9, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=9, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=9, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=9 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=9, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=9, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=10, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=10, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=9, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=10, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=9, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=9, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=10, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=10, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=10, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=10, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=10, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=10, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=10, total=   0.0s
[CV] classifier__n_estimators=30, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=10 ...........
[CV] classifier__n_estimators=30, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=10, total=   0.1s
[CV]  classifier__n_estimators=30, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=10 ...........
[CV] classifier__n_estimators=50, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=10 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=110, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=90, classifier__max_depth=10, total=   0.1s
[CV] classifier__n_estimators=110, classifier__max_depth=10 ..........
[CV] classifier__n_estimators=110, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=10, total=   0.2s
[CV]  classifier__n_estimators=110, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=10 ..........
[CV] classifier__n_estimators=110, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=10, total=   0.2s
[CV]  classifier__n_estimators=110, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=10 ..........
[CV] classifier__n_estimators=130, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=10, total=   0.2s
[CV]  classifier__n_estimators=130, classifier__max_depth=10, total=   0.2s
[CV]  classifier__n_estimators=150, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=10 ..........
[CV] classifier__n_estimators=150, classifier__max_depth=10 ..........
[CV] classifier__n_estimators=150, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=10 ..........
[CV] classifier__n_estimators=170, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=10, total=   0.2s
[CV]  classifier__n_estimators=170, classifier__max_depth=10, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=10, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=10, total=   0.3s
[CV]  classifier__n_estimators=170, classifier__max_depth=10, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=10, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=10 ..........
[CV] classifier__n_estimators=170, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=10, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=10, total=   0.2s
[CV] classifier__n_estimators=190, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=10, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=10, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=10 ..........
[CV] classifier__n_estimators=190, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=10, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=10, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=10, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=10, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=10, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=10, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=10, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=10 ..........
[CV] classifier__n_estimators=210, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=10, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=10, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=10, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=10, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=10, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=10, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=10, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=10, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=10, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=10, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=10, total=   0.3s
[CV]  classifier__n_estimators=210, classifier__max_depth=10, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=10 ..........
[CV] classifier__n_estimators=230, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=10, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=10 ..........
[CV] classifier__n_estimators=230, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=10, total=   0.3s
[CV] classifier__n_estimators=250, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=10, total=   0.4s
[CV]  classifier__n_estimators=230, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=10 ..........
[CV] classifier__n_estimators=250, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=10, total=   0.5s
[CV]  classifier__n_estimators=250, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=10 ..........
[CV] classifier__n_estimators=250, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=10 ..........
[CV] classifier__n_estimators=290, classifier__max_depth=10 ..........
[CV] classifier__n_estimators=290, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=10, total=   0.8s
[CV]  classifier__n_estimators=290, classifier__max_depth=10, total=   0.7s
[CV]  classifier__n_estimators=290, classifier__max_depth=10, total=   0.6s
[CV] classifier__n_estimators=290, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=10, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=10, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=10 ..........
[CV] classifier__n_estimators=310, classifier__max_depth=10 ..........
[CV] classifier__n_estimators=310, classifier__max_depth=10 ..........
[CV] classifier__n_estimators=310, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=10, total=   0.5s
[CV]  classifier__n_estimators=290, classifier__max_depth=10, total=   0.5s
[CV]  classifier__n_estimators=290, classifier__max_depth=10, total=   0.5s
[CV]  classifier__n_estimators=290, classifier__max_depth=10, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=10, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=10 ..........
[CV] classifier__n_estimators=310, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=10, total=   0.5s
[CV]  classifier__n_estimators=310, classifier__max_depth=10, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=10, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=10, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=10, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=10 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=10, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=11, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=10, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=11, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=10, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=11, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=10, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=11, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=10, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=11, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=11, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=11, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=11, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=11, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=11, total=   0.0s
[CV] classifier__n_estimators=30, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=11 ...........
[CV] classifier__n_estimators=50, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=11, total=   0.1s
[CV]  classifier__n_estimators=30, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=11 ...........
[CV] classifier__n_estimators=50, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=11, total=   0.1s
[CV]  classifier__n_estimators=50, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=11 ...........
[CV] classifier__n_estimators=50, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=11, total=   0.1s
[CV]  classifier__n_estimators=50, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=11 ...........
[CV] classifier__n_estimators=50, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=11, total=   0.1s
[CV]  classifier__n_estimators=50, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=11 ...........
[CV] classifier__n_estimators=70, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=11, total=   0.1s
[CV]  classifier__n_estimators=70, classifier__max_depth=11, total=   0.1s
[CV]  classifier__n_estimators=70, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=11 ...........
[CV] classifier__n_estimators=70, classifier__max_depth=11 ...........
[CV] classifier__n_estimators=70, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=11 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=110, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=90, classifier__max_depth=11, total=   0.1s
[CV] classifier__n_estimators=110, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=11 ..........
[CV] classifier__n_estimators=110, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=11, total=   0.2s
[CV]  classifier__n_estimators=110, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=11 ..........
[CV] classifier__n_estimators=110, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=11, total=   0.2s
[CV]  classifier__n_estimators=110, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=11 ..........
[CV] classifier__n_estimators=110, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=11, total=   0.2s
[CV]  classifier__n_estimators=110, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=11 ..........
[CV] classifier__n_estimators=130, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=11, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=11 ..........
[CV] classifier__n_estimators=170, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=11, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=11 ..........
[CV] classifier__n_estimators=190, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=11 ..........
[CV] classifier__n_estimators=210, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=11, total=   0.3s
[CV]  classifier__n_estimators=210, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=11 ..........
[CV] classifier__n_estimators=230, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=11, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=11, total=   0.3s
[CV]  classifier__n_estimators=230, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=11 ..........
[CV] classifier__n_estimators=250, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=11, total=   0.4s
[CV]  classifier__n_estimators=230, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=250, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=11, total=   0.3s
[CV] classifier__n_estimators=250, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=11, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=11 ..........
[CV] classifier__n_estimators=250, classifier__max_depth=11 ..........
[CV] classifier__n_estimators=250, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=11, total=   0.5s
[CV]  classifier__n_estimators=250, classifier__max_depth=11, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=11, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=11, total=   0.4s
[CV]  classifier__n_estimators=250, classifier__max_depth=11, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=11, total=   0.4s
[CV]  classifier__n_estimators=250, classifier__max_depth=11, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=11, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=11, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=11 ..........
[CV] classifier__n_estimators=270, classifier__max_depth=11 ..........
[CV] classifier__n_estimators=270, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=11, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=11, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=11, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=11, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=11 ..........
[CV] classifier__n_estimators=270, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=11, total=   0.4s
[CV]  classifier__n_estimators=270, classifier__max_depth=11, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=11, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=11, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=11, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=11, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=11, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=11, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=11, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=11 ..........
[CV] classifier__n_estimators=290, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=11, total=   0.5s
[CV]  classifier__n_estimators=290, classifier__max_depth=11, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=11 ..........
[CV] classifier__n_estimators=290, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=11, total=   0.4s
[CV]  classifier__n_estimators=290, classifier__max_depth=11, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=11 ..........
[CV] classifier__n_estimators=310, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=11, total=   0.4s
[CV]  classifier__n_estimators=290, classifier__max_depth=11, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=11, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=11, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=11, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=11, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=11, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=11, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=11, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=11 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=11, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=12, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=11, total=   0.5s
[CV]  classifier__n_estimators=310, classifier__max_depth=11, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=12, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=12, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=11, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=12, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=11, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=12, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=12, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=12, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=12, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=12 ...........
[CV] classifier__n_estimators=10, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=12, total=   0.1s
[CV]  classifier__n_estimators=10, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=12 ...........
[CV] classifier__n_estimators=50, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=12, total=   0.1s
[CV]  classifier__n_estimators=50, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=12 ...........
[CV] classifier__n_estimators=50, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=12, total=   0.1s
[CV]  classifier__n_estimators=50, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=12 ...........
[CV] classifier__n_estimators=70, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=12, total=   0.1s
[CV]  classifier__n_estimators=70, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=12 ...........
[CV] classifier__n_estimators=70, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=12 ...........
[CV] classifier__n_estimators=90, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=12, total=   0.2s
[CV]  classifier__n_estimators=90, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=12 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=110, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=90, classifier__max_depth=12, total=   0.1s
[CV] classifier__n_estimators=110, classifier__max_depth=12 ..........
[CV] classifier__n_estimators=110, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=12 ..........
[CV] classifier__n_estimators=110, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=12, total=   0.2s
[CV]  classifier__n_estimators=110, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=12, total=   0.2s
[CV]  classifier__n_estimators=130, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=12 ..........
[CV] classifier__n_estimators=150, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=12, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=12 ..........
[CV] classifier__n_estimators=170, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=12, total=   0.3s
[CV]  classifier__n_estimators=170, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=12 ..........
[CV] classifier__n_estimators=190, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=12 ..........
[CV] classifier__n_estimators=190, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=12, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=12, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=12 ..........
[CV] classifier__n_estimators=210, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=12, total=   0.3s
[CV]  classifier__n_estimators=210, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=12 ..........
[CV] classifier__n_estimators=210, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=12 ..........
[CV] classifier__n_estimators=230, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=12, total=   0.3s
[CV]  classifier__n_estimators=210, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=12 ..........
[CV] classifier__n_estimators=230, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=12, total=   0.4s
[CV]  classifier__n_estimators=230, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=12 ..........
[CV] classifier__n_estimators=230, classifier__max_depth=12 ..........
[CV] classifier__n_estimators=230, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=12, total=   0.4s
[CV]  classifier__n_estimators=230, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=12, total=   0.4s
[CV]  classifier__n_estimators=230, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=250, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=250, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=250, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=12, total=   0.3s
[CV] classifier__n_estimators=250, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=12 ..........
[CV] classifier__n_estimators=250, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=12 ..........
[CV] classifier__n_estimators=250, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=12, total=   0.4s
[CV]  classifier__n_estimators=250, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=12, total=   0.4s
[CV]  classifier__n_estimators=270, classifier__max_depth=12, total=   0.4s
[CV]  classifier__n_estimators=270, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=12 ..........
[CV] classifier__n_estimators=270, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=12 ..........
[CV] classifier__n_estimators=290, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=12, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=12 ..........
[CV] classifier__n_estimators=310, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=12, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=12, total=   0.5s
[CV]  classifier__n_estimators=310, classifier__max_depth=12, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=12 ..........
[CV] classifier__n_estimators=310, classifier__max_depth=12 ..........
[CV] classifier__n_estimators=310, classifier__max_depth=12 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=12, total=   0.6s
[CV]  classifier__n_estimators=310, classifier__max_depth=12, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=12, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=13, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=12, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=13, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=12, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=13, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=13, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=12, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=12, total=   0.6s
[CV]  classifier__n_estimators=10, classifier__max_depth=13, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=13, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=13, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=13, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=13, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=13, total=   0.0s
[CV] classifier__n_estimators=30, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=13, total=   0.1s
[CV]  classifier__n_estimators=30, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=13 ...........
[CV] classifier__n_estimators=30, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=13, total=   0.1s
[CV]  classifier__n_estimators=30, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=13 ...........
[CV] classifier__n_estimators=30, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=13 ...........
[CV] classifier__n_estimators=50, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=13 ...........
[Parallel(n_jobs=20)]: Done 1945 tasks      | elapsed:  3.0min
[CV]  classifier__n_estimators=50, classifier__max_depth=13, total=   0.1s
[CV]  classifier__n_estimators=50, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=13 ...........
[CV] classifier__n_estimators=50, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=13 ...........
[CV] classifier__n_estimators=90, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=13, total=   0.1s
[CV]  classifier__n_estimators=90, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=13 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=13, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=13 ...........
[CV] classifier__n_estimators=110, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=90, classifier__max_depth=13, total=   0.2s
[CV]  classifier__n_estimators=90, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=13 ..........
[CV] classifier__n_estimators=110, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=13, total=   0.2s
[CV]  classifier__n_estimators=110, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=13 ..........
[CV] classifier__n_estimators=110, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=13 ..........
[CV] classifier__n_estimators=150, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=13, total=   0.2s
[CV]  classifier__n_estimators=150, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=13 ..........
[CV] classifier__n_estimators=170, classifier__max_depth=13 ..........
[CV] classifier__n_estimators=170, classifier__max_depth=13 ..........
[CV] classifier__n_estimators=170, classifier__max_depth=13 ..........
[CV] classifier__n_estimators=170, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=13, total=   0.6s
[CV]  classifier__n_estimators=150, classifier__max_depth=13, total=   0.5s
[CV] classifier__n_estimators=170, classifier__max_depth=13 ..........
[CV] classifier__n_estimators=170, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=13, total=   0.5s
[CV]  classifier__n_estimators=170, classifier__max_depth=13, total=   0.5s
[CV]  classifier__n_estimators=170, classifier__max_depth=13, total=   0.3s
[CV]  classifier__n_estimators=170, classifier__max_depth=13, total=   0.4s
[CV]  classifier__n_estimators=170, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=13 ..........
[CV] classifier__n_estimators=170, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=13, total=   0.3s
[CV]  classifier__n_estimators=170, classifier__max_depth=13, total=   0.2s
[CV] classifier__n_estimators=190, classifier__max_depth=13 ..........
[CV] classifier__n_estimators=190, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=13, total=   0.2s
[CV]  classifier__n_estimators=170, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=13 ..........
[CV] classifier__n_estimators=190, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=13 ..........
[CV] classifier__n_estimators=230, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=13, total=   0.4s
[CV]  classifier__n_estimators=230, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=13 ..........
[CV] classifier__n_estimators=230, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=13, total=   0.3s
[CV]  classifier__n_estimators=230, classifier__max_depth=13, total=   0.3s
[CV]  classifier__n_estimators=230, classifier__max_depth=13, total=   0.3s
[CV]  classifier__n_estimators=230, classifier__max_depth=13, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=13 ..........
[CV] classifier__n_estimators=230, classifier__max_depth=13 ..........
[CV] classifier__n_estimators=250, classifier__max_depth=13 ..........
[CV] classifier__n_estimators=250, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=13, total=   0.4s
[CV]  classifier__n_estimators=230, classifier__max_depth=13, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=13 ..........
[CV] classifier__n_estimators=250, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=13, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=13, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=13, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=13 ..........
[CV] classifier__n_estimators=250, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=13, total=   0.4s
[CV]  classifier__n_estimators=250, classifier__max_depth=13, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=13, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=13, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=13, total=   0.4s
[CV]  classifier__n_estimators=250, classifier__max_depth=13, total=   0.4s
[CV]  classifier__n_estimators=270, classifier__max_depth=13, total=   0.4s
[CV]  classifier__n_estimators=250, classifier__max_depth=13, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=13 ..........
[CV] classifier__n_estimators=270, classifier__max_depth=13 ..........
[CV] classifier__n_estimators=270, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=13, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=13, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=13 ..........
[CV] classifier__n_estimators=270, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=13, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=13, total=   0.5s
[CV]  classifier__n_estimators=270, classifier__max_depth=13, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=13, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=13 ..........
[CV] classifier__n_estimators=290, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=13, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=13, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=13, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=13, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=13, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=13, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=13, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=13, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=13, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=13, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=13, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=13, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=13, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=13, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=13, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=13, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=13, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=13 ..........
[CV] classifier__n_estimators=310, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=13, total=   0.5s
[CV]  classifier__n_estimators=310, classifier__max_depth=13, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=13 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=13, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=14, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=13, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=14, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=13, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=14, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=13, total=   0.5s
[CV]  classifier__n_estimators=10, classifier__max_depth=14, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=14, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=13, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=14, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=14, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=14, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=14, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=14, total=   0.0s
[CV] classifier__n_estimators=30, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=14 ...........
[CV] classifier__n_estimators=30, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=14, total=   0.1s
[CV]  classifier__n_estimators=30, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=14 ...........
[CV] classifier__n_estimators=50, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=14, total=   0.1s
[CV]  classifier__n_estimators=50, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=14 ...........
[CV] classifier__n_estimators=50, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=14, total=   0.1s
[CV]  classifier__n_estimators=50, classifier__max_depth=14, total=   0.1s
[CV]  classifier__n_estimators=70, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=14 ...........
[CV] classifier__n_estimators=70, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=14 ...........
[CV] classifier__n_estimators=70, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=14 ...........
[CV] classifier__n_estimators=70, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=14, total=   0.2s
[CV] classifier__n_estimators=70, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=14, total=   0.2s
[CV]  classifier__n_estimators=70, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=14 ...........
[CV] classifier__n_estimators=90, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=14, total=   0.2s
[CV]  classifier__n_estimators=90, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=14 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=110, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=90, classifier__max_depth=14, total=   0.1s
[CV] classifier__n_estimators=110, classifier__max_depth=14 ..........
[CV] classifier__n_estimators=110, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=14, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=14, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=14, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=14, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=14, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=14, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=14, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=14, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=14, total=   0.2s
[CV]  classifier__n_estimators=110, classifier__max_depth=14, total=   0.2s
[CV]  classifier__n_estimators=130, classifier__max_depth=14, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=14 ..........
[CV] classifier__n_estimators=130, classifier__max_depth=14 ..........
[CV] classifier__n_estimators=130, classifier__max_depth=14 ..........
[CV] classifier__n_estimators=130, classifier__max_depth=14 ..........
[CV] classifier__n_estimators=130, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=14, total=   0.3s
[CV]  classifier__n_estimators=130, classifier__max_depth=14, total=   0.3s
[CV]  classifier__n_estimators=130, classifier__max_depth=14, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=14, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=14, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=14, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=14, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=14, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=14 ..........
[CV] classifier__n_estimators=150, classifier__max_depth=14 ..........
[CV] classifier__n_estimators=150, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=14, total=   0.2s
[CV]  classifier__n_estimators=150, classifier__max_depth=14, total=   0.2s
[CV]  classifier__n_estimators=150, classifier__max_depth=14, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=14, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=14, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=14 ..........
[CV] classifier__n_estimators=150, classifier__max_depth=14 ..........
[CV] classifier__n_estimators=150, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=14, total=   0.2s
[CV]  classifier__n_estimators=150, classifier__max_depth=14, total=   0.2s
[CV]  classifier__n_estimators=150, classifier__max_depth=14, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=14, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=14, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=14, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=14 ..........
[CV] classifier__n_estimators=170, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=14, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=14, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=14, total=   0.3s
[CV]  classifier__n_estimators=170, classifier__max_depth=14, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=14 ..........
[CV] classifier__n_estimators=170, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=14, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=14, total=   0.3s
[CV]  classifier__n_estimators=170, classifier__max_depth=14, total=   0.3s
[CV]  classifier__n_estimators=170, classifier__max_depth=14, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=14, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=14 ..........
[CV] classifier__n_estimators=190, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=14, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=14 ..........
[CV] classifier__n_estimators=190, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=14, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=14, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=14, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=14, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=14, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=14, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=14 ..........
[CV] classifier__n_estimators=190, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=14, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=14, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=14, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=14, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=14 ..........
[CV] classifier__n_estimators=210, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=14, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=14 ..........
[CV] classifier__n_estimators=210, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=14, total=   0.3s
[CV]  classifier__n_estimators=210, classifier__max_depth=14, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=14 ..........
[CV] classifier__n_estimators=210, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=14, total=   0.3s
[CV]  classifier__n_estimators=210, classifier__max_depth=14, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=14, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=14, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=14, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=14, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=14 ..........
[CV] classifier__n_estimators=230, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=14, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=14, total=   0.3s
[CV] classifier__n_estimators=250, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=14, total=   0.4s
[CV]  classifier__n_estimators=230, classifier__max_depth=14, total=   0.3s
[CV] classifier__n_estimators=250, classifier__max_depth=14 ..........
[CV] classifier__n_estimators=250, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=14, total=   0.4s
[CV]  classifier__n_estimators=230, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=14 ..........
[CV] classifier__n_estimators=250, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=14 ..........
[CV] classifier__n_estimators=290, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=14, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=14, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=14, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=14, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=14, total=   0.4s
[CV]  classifier__n_estimators=290, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=14 ..........
[CV] classifier__n_estimators=310, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=14, total=   0.5s
[CV]  classifier__n_estimators=310, classifier__max_depth=14, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=14, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=14, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=14, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=14 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=14, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=15, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=14, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=310, classifier__max_depth=14, total=   0.4s
[CV]  classifier__n_estimators=10, classifier__max_depth=15, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=15, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=14, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=15, total=   0.0s
[CV]  classifier__n_estimators=310, classifier__max_depth=14, total=   0.5s
[CV] classifier__n_estimators=10, classifier__max_depth=15 ...........
[CV] classifier__n_estimators=10, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=15, total=   0.1s
[CV]  classifier__n_estimators=10, classifier__max_depth=15, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=15, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=15, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=15, total=   0.0s
[CV] classifier__n_estimators=10, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=10, classifier__max_depth=15, total=   0.0s
[CV] classifier__n_estimators=30, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=30, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=30, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=15 ...........
[CV] classifier__n_estimators=50, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=15, total=   0.1s
[CV]  classifier__n_estimators=50, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=50, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=50, classifier__max_depth=15, total=   0.1s
[CV]  classifier__n_estimators=70, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=15 ...........
[CV] classifier__n_estimators=70, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=15 ...........
[CV] classifier__n_estimators=70, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=15, total=   0.1s
[CV]  classifier__n_estimators=70, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=15 ...........
[CV] classifier__n_estimators=70, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=70, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=70, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=15 ...........
[CV] classifier__n_estimators=90, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=15, total=   0.1s
[CV]  classifier__n_estimators=90, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=90, classifier__max_depth=15 ...........
[CV] classifier__n_estimators=90, classifier__max_depth=15 ...........
[CV]  classifier__n_estimators=90, classifier__max_depth=15, total=   0.1s
[CV]  classifier__n_estimators=90, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=110, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=90, classifier__max_depth=15, total=   0.1s
[CV] classifier__n_estimators=110, classifier__max_depth=15 ..........
[CV] classifier__n_estimators=110, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=15, total=   0.2s
[CV]  classifier__n_estimators=110, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=15 ..........
[CV] classifier__n_estimators=110, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=15, total=   0.2s
[CV]  classifier__n_estimators=110, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=15 ..........
[CV] classifier__n_estimators=110, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=15, total=   0.3s
[CV]  classifier__n_estimators=110, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=110, classifier__max_depth=15 ..........
[CV] classifier__n_estimators=130, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=110, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=130, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=15 ..........
[CV] classifier__n_estimators=150, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=130, classifier__max_depth=15, total=   0.2s
[CV]  classifier__n_estimators=130, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=150, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=150, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=15, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=15, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=15, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=15 ..........
[CV] classifier__n_estimators=170, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=15, total=   0.3s
[CV] classifier__n_estimators=170, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=15, total=   0.3s
[CV]  classifier__n_estimators=170, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=170, classifier__max_depth=15 ..........
[CV] classifier__n_estimators=190, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=15, total=   0.3s
[CV]  classifier__n_estimators=170, classifier__max_depth=15, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=170, classifier__max_depth=15, total=   0.2s
[CV] classifier__n_estimators=190, classifier__max_depth=15 ..........
[CV] classifier__n_estimators=190, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=15, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=15, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=15, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=15, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=15, total=   0.3s
[CV]  classifier__n_estimators=190, classifier__max_depth=15, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=15, total=   0.3s
[CV] classifier__n_estimators=190, classifier__max_depth=15 ..........
[CV] classifier__n_estimators=210, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=15, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=15, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=190, classifier__max_depth=15, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=15, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=15, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=15, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=15 ..........
[CV] classifier__n_estimators=210, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=15, total=   0.4s
[CV]  classifier__n_estimators=210, classifier__max_depth=15, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=15, total=   0.3s
[CV]  classifier__n_estimators=210, classifier__max_depth=15, total=   0.4s
[CV]  classifier__n_estimators=210, classifier__max_depth=15, total=   0.3s
[CV]  classifier__n_estimators=210, classifier__max_depth=15, total=   0.3s
[CV] classifier__n_estimators=210, classifier__max_depth=15 ..........
[CV] classifier__n_estimators=230, classifier__max_depth=15 ..........
[CV] classifier__n_estimators=230, classifier__max_depth=15 ..........
[CV] classifier__n_estimators=230, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=210, classifier__max_depth=15, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=15, total=   0.3s
[CV] classifier__n_estimators=230, classifier__max_depth=15 ..........
[CV] classifier__n_estimators=230, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=15, total=   0.4s
[CV]  classifier__n_estimators=230, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=230, classifier__max_depth=15 ..........
[CV] classifier__n_estimators=250, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=230, classifier__max_depth=15, total=   0.3s
[CV]  classifier__n_estimators=230, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=15 ..........
[CV] classifier__n_estimators=250, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=250, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=250, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=15, total=   0.5s
[CV] classifier__n_estimators=270, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=270, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=15, total=   0.4s
[CV]  classifier__n_estimators=270, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=270, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=15 ..........
[CV] classifier__n_estimators=290, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=15, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=15, total=   0.5s
[CV] classifier__n_estimators=290, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=290, classifier__max_depth=15 ..........
[CV] classifier__n_estimators=290, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=15, total=   0.5s
[CV]  classifier__n_estimators=290, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=15, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=290, classifier__max_depth=15, total=   0.4s
[CV] classifier__n_estimators=310, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=15, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=15, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=15, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=15, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=15, total=   0.5s
[CV] classifier__n_estimators=310, classifier__max_depth=15 ..........
[CV]  classifier__n_estimators=310, classifier__max_depth=15, total=   0.5s
[CV]  classifier__n_estimators=310, classifier__max_depth=15, total=   0.5s
[CV]  classifier__n_estimators=310, classifier__max_depth=15, total=   0.5s
[CV]  classifier__n_estimators=310, classifier__max_depth=15, total=   0.5s
[CV]  classifier__n_estimators=310, classifier__max_depth=15, total=   0.4s
[Parallel(n_jobs=20)]: Done 2400 out of 2400 | elapsed:  3.7min finished

In [37]:
grid_search.best_params_


Out[37]:
{'classifier__max_depth': 1, 'classifier__n_estimators': 70}

In [33]:
cv_results = pd.DataFrame(grid_search.cv_results_)
cv_results.columns


Out[33]:
Index([u'mean_fit_time', u'mean_score_time', u'mean_test_score',
       u'mean_train_score', u'param_classifier__max_depth',
       u'param_classifier__n_estimators', u'params', u'rank_test_score',
       u'split0_test_score', u'split0_train_score', u'split1_test_score',
       u'split1_train_score', u'split2_test_score', u'split2_train_score',
       u'split3_test_score', u'split3_train_score', u'split4_test_score',
       u'split4_train_score', u'split5_test_score', u'split5_train_score',
       u'split6_test_score', u'split6_train_score', u'split7_test_score',
       u'split7_train_score', u'split8_test_score', u'split8_train_score',
       u'split9_test_score', u'split9_train_score', u'std_fit_time',
       u'std_score_time', u'std_test_score', u'std_train_score'],
      dtype='object')

In [34]:
pivot_test_score = cv_results.pivot("param_classifier__max_depth", "param_classifier__n_estimators", "mean_test_score")
pivot_test_score


Out[34]:
param_classifier__n_estimators 10 30 50 70 90 110 130 150 170 190 210 230 250 270 290 310
param_classifier__max_depth
1 -0.985872 -0.19464 -0.100952 -0.080339 -0.082636 -0.091359 -0.10059 -0.108412 -0.114458 -0.118914 -0.122107 -0.124357 -0.125926 -0.127011 -0.127759 -0.128272
2 -0.985872 -0.19464 -0.100952 -0.080339 -0.082636 -0.091359 -0.10059 -0.108412 -0.114458 -0.118914 -0.122107 -0.124357 -0.125926 -0.127011 -0.127759 -0.128272
3 -0.985872 -0.19464 -0.100952 -0.080339 -0.082636 -0.091359 -0.10059 -0.108412 -0.114458 -0.118914 -0.122107 -0.124357 -0.125926 -0.127011 -0.127759 -0.128272
4 -0.985872 -0.19464 -0.100952 -0.080339 -0.082636 -0.091359 -0.10059 -0.108412 -0.114458 -0.118914 -0.122107 -0.124357 -0.125926 -0.127011 -0.127759 -0.128272
5 -0.985872 -0.19464 -0.100952 -0.080339 -0.082636 -0.091359 -0.10059 -0.108412 -0.114458 -0.118914 -0.122107 -0.124357 -0.125926 -0.127011 -0.127759 -0.128272
6 -0.985872 -0.19464 -0.100952 -0.080339 -0.082636 -0.091359 -0.10059 -0.108412 -0.114458 -0.118914 -0.122107 -0.124357 -0.125926 -0.127011 -0.127759 -0.128272
7 -0.985872 -0.19464 -0.100952 -0.080339 -0.082636 -0.091359 -0.10059 -0.108412 -0.114458 -0.118914 -0.122107 -0.124357 -0.125926 -0.127011 -0.127759 -0.128272
8 -0.985872 -0.19464 -0.100952 -0.080339 -0.082636 -0.091359 -0.10059 -0.108412 -0.114458 -0.118914 -0.122107 -0.124357 -0.125926 -0.127011 -0.127759 -0.128272
9 -0.985872 -0.19464 -0.100952 -0.080339 -0.082636 -0.091359 -0.10059 -0.108412 -0.114458 -0.118914 -0.122107 -0.124357 -0.125926 -0.127011 -0.127759 -0.128272
10 -0.985872 -0.19464 -0.100952 -0.080339 -0.082636 -0.091359 -0.10059 -0.108412 -0.114458 -0.118914 -0.122107 -0.124357 -0.125926 -0.127011 -0.127759 -0.128272
11 -0.985872 -0.19464 -0.100952 -0.080339 -0.082636 -0.091359 -0.10059 -0.108412 -0.114458 -0.118914 -0.122107 -0.124357 -0.125926 -0.127011 -0.127759 -0.128272
12 -0.985872 -0.19464 -0.100952 -0.080339 -0.082636 -0.091359 -0.10059 -0.108412 -0.114458 -0.118914 -0.122107 -0.124357 -0.125926 -0.127011 -0.127759 -0.128272
13 -0.985872 -0.19464 -0.100952 -0.080339 -0.082636 -0.091359 -0.10059 -0.108412 -0.114458 -0.118914 -0.122107 -0.124357 -0.125926 -0.127011 -0.127759 -0.128272
14 -0.985872 -0.19464 -0.100952 -0.080339 -0.082636 -0.091359 -0.10059 -0.108412 -0.114458 -0.118914 -0.122107 -0.124357 -0.125926 -0.127011 -0.127759 -0.128272
15 -0.985872 -0.19464 -0.100952 -0.080339 -0.082636 -0.091359 -0.10059 -0.108412 -0.114458 -0.118914 -0.122107 -0.124357 -0.125926 -0.127011 -0.127759 -0.128272

In [36]:
# Draw a heatmap with the numeric values in each cell
fig, ax = plt.subplots()
sns.heatmap(-pivot_test_score, annot=False, fmt='0.1%', ax=ax, cmap='viridis_r', 
# sns.heatmap(-pivot_test_score, annot=False, fmt='0.1%', ax=ax, vmin=0, vmax=0.005, cmap='viridis_r', 
            cbar_kws={'label': 'Testing score'}, robust=True, square=False)

# for _, spine in ax.spines.items():
#     spine.set_visible(True)
    
ax.set_xlabel('Number estimators')
ax.set_ylabel('Maximum depth')
ax.invert_yaxis()

plt.xticks(rotation=90) 
plt.yticks(rotation=0) 

outfile = os.path.join(comp.paths.figures_dir, 'model_evaluation',
                       'grid-search-max_depth-n_estimators-heatmap.png')
# plt.savefig(outfile)
plt.show()



In [ ]:


In [29]:
pipeline


Out[29]:
Pipeline(memory=None,
     steps=[('classifier', XGBRegressor(base_score=0.5, booster='gblinear', colsample_bylevel=1,
       colsample_bytree=1, gamma=0, learning_rate=0.1, max_delta_step=0,
       max_depth=2, min_child_weight=1, missing=None, n_estimators=100,
       n_jobs=1, nthread=None, objective='reg:linear', random_state=2,
       reg_alpha=0, reg_lambda=1, scale_pos_weight=1, seed=None,
       silent=True, subsample=1))])

In [25]:
pipeline_str


Out[25]:
'xgboost_energy_IC86.2012'

In [23]:
max_depth_values = np.arange(1, 16, dtype=int)
df_cv_max_depth = comp.cross_validate_comp(
                            df_sim_train, df_sim_test, pipeline_str, 
                            param_name='max_depth', param_values=max_depth_values,
                            feature_list=feature_list, target='MC_log_energy', 
#                             feature_list=feature_list, target='energy_s125_diff', 
                            scoring=mean_squared_error, num_groups=num_groups, n_splits=10,
#                             verbose=True, n_jobs=1)
                            verbose=True, n_jobs=min(len(max_depth_values), 10))


Performing 10-fold CV on 15 hyperparameter values (150 fits):
[########################################] | 100% Completed | 20.6s
[########################################] | 100% Completed |  0.2s

In [26]:
df_cv_max_depth


Out[26]:
classifier n_splits param_name test_mean_heavy test_mean_light test_mean_total test_std_heavy test_std_light test_std_total train_mean_heavy train_mean_light train_mean_total train_std_heavy train_std_light train_std_total
param_value
1 xgboost_energy_IC86.2012 10 max_depth 0.075376 0.09712 0.086708 0.002316 0.002399 0.00213 0.075371 0.097104 0.086701 0.00011 0.00014 0.000064
2 xgboost_energy_IC86.2012 10 max_depth 0.075376 0.09712 0.086708 0.002316 0.002399 0.00213 0.075371 0.097104 0.086701 0.00011 0.00014 0.000064
3 xgboost_energy_IC86.2012 10 max_depth 0.075376 0.09712 0.086708 0.002316 0.002399 0.00213 0.075371 0.097104 0.086701 0.00011 0.00014 0.000064
4 xgboost_energy_IC86.2012 10 max_depth 0.075376 0.09712 0.086708 0.002316 0.002399 0.00213 0.075371 0.097104 0.086701 0.00011 0.00014 0.000064
5 xgboost_energy_IC86.2012 10 max_depth 0.075376 0.09712 0.086708 0.002316 0.002399 0.00213 0.075371 0.097104 0.086701 0.00011 0.00014 0.000064
6 xgboost_energy_IC86.2012 10 max_depth 0.075376 0.09712 0.086708 0.002316 0.002399 0.00213 0.075371 0.097104 0.086701 0.00011 0.00014 0.000064
7 xgboost_energy_IC86.2012 10 max_depth 0.075376 0.09712 0.086708 0.002316 0.002399 0.00213 0.075371 0.097104 0.086701 0.00011 0.00014 0.000064
8 xgboost_energy_IC86.2012 10 max_depth 0.075376 0.09712 0.086708 0.002316 0.002399 0.00213 0.075371 0.097104 0.086701 0.00011 0.00014 0.000064
9 xgboost_energy_IC86.2012 10 max_depth 0.075376 0.09712 0.086708 0.002316 0.002399 0.00213 0.075371 0.097104 0.086701 0.00011 0.00014 0.000064
10 xgboost_energy_IC86.2012 10 max_depth 0.075376 0.09712 0.086708 0.002316 0.002399 0.00213 0.075371 0.097104 0.086701 0.00011 0.00014 0.000064
11 xgboost_energy_IC86.2012 10 max_depth 0.075376 0.09712 0.086708 0.002316 0.002399 0.00213 0.075371 0.097104 0.086701 0.00011 0.00014 0.000064
12 xgboost_energy_IC86.2012 10 max_depth 0.075376 0.09712 0.086708 0.002316 0.002399 0.00213 0.075371 0.097104 0.086701 0.00011 0.00014 0.000064
13 xgboost_energy_IC86.2012 10 max_depth 0.075376 0.09712 0.086708 0.002316 0.002399 0.00213 0.075371 0.097104 0.086701 0.00011 0.00014 0.000064
14 xgboost_energy_IC86.2012 10 max_depth 0.075376 0.09712 0.086708 0.002316 0.002399 0.00213 0.075371 0.097104 0.086701 0.00011 0.00014 0.000064
15 xgboost_energy_IC86.2012 10 max_depth 0.075376 0.09712 0.086708 0.002316 0.002399 0.00213 0.075371 0.097104 0.086701 0.00011 0.00014 0.000064

In [28]:
fig, ax = plt.subplots()

# Plot testing curve
ax.plot(df_cv_max_depth.index, df_cv_max_depth['test_mean_total'],
        marker='^', ls=':', color=color_dict['total'], label=composition+' testing set')
test_err_high = df_cv_max_depth['test_mean_total'] + df_cv_max_depth['test_std_total']
test_err_low = df_cv_max_depth['test_mean_total'] - df_cv_max_depth['test_std_total']
ax.fill_between(df_cv_max_depth.index, test_err_high, test_err_low,
                color=color_dict['total'], alpha=0.3)

# Plot training curve
ax.plot(df_cv_max_depth.index, df_cv_max_depth['train_mean_total'],
        marker='.', ls='-', color=color_dict['total'], label=composition+' training set')
train_err_high = df_cv_max_depth['train_mean_total'] + df_cv_max_depth['train_std_total']
train_err_low = df_cv_max_depth['train_mean_total'] - df_cv_max_depth['train_std_total']
ax.fill_between(df_cv_max_depth.index, train_err_high, train_err_low,
                color=color_dict['total'], alpha=0.3)
    
ax.set_xlabel('Maximum depth')
# ax.set_ylabel('R$^2$ CV score')
ax.set_ylabel('MSE score')
# ax.set_ylim(0.95, 1.0)
# ax.set_ylim(0, 0.01)
ax.grid()
# ax.legend(title='True compositions')
# leg = ax.legend(loc='upper center', frameon=False,
#                  bbox_to_anchor=(0.5,  # horizontal
#                                  1.35),# vertical 
#                  ncol=len(comp_list) // 2, fancybox=False)
max_depth_outfile = os.path.join(comp.paths.figures_dir, 'model_evaluation', 'validation-curves',
                                 '{}_max_depth.png'.format(pipeline_str))
comp.check_output_dir(max_depth_outfile)
# plt.savefig(max_depth_outfile)
plt.show()



In [31]:
fig, ax = plt.subplots()
# for composition in comp_list + ['total']:
for composition in comp_list:
    # Plot testing curve
    ax.plot(df_cv_max_depth.index, df_cv_max_depth['test_mean_{}'.format(composition)],
            marker='^', ls=':', color=color_dict[composition], label=composition+' testing set')
    test_err_high = df_cv_max_depth['test_mean_{}'.format(composition)] + df_cv_max_depth['test_std_{}'.format(composition)]
    test_err_low = df_cv_max_depth['test_mean_{}'.format(composition)] - df_cv_max_depth['test_std_{}'.format(composition)]
    ax.fill_between(df_cv_max_depth.index, test_err_high, test_err_low,
                    color=color_dict[composition], alpha=0.3)
    
    # Plot training curve
    ax.plot(df_cv_max_depth.index, df_cv_max_depth['train_mean_{}'.format(composition)],
            marker='.', ls='-', color=color_dict[composition], label=composition+' training set')
    train_err_high = df_cv_max_depth['train_mean_{}'.format(composition)] + df_cv_max_depth['train_std_{}'.format(composition)]
    train_err_low = df_cv_max_depth['train_mean_{}'.format(composition)] - df_cv_max_depth['train_std_{}'.format(composition)]
    ax.fill_between(df_cv_max_depth.index, train_err_high, train_err_low,
                    color=color_dict[composition], alpha=0.3)
    
ax.set_xlabel('Maximum depth')
# ax.set_ylabel('R$^2$ CV score')
ax.set_ylabel('MSE score')
# ax.set_ylim(0.95, 1.0)
# ax.set_ylim(0, 0.01)
ax.grid()
# ax.legend(title='True compositions')
leg = ax.legend(loc='upper center', frameon=False,
                 bbox_to_anchor=(0.5,  # horizontal
                                 1.35),# vertical 
                 ncol=len(comp_list) // 2, fancybox=False)
max_depth_outfile = os.path.join(comp.paths.figures_dir, 'model_evaluation', 'validation-curves',
                                 '{}_max_depth.png'.format(pipeline_str))
# comp.check_output_dir(max_depth_outfile)
# plt.savefig(max_depth_outfile)
plt.show()



In [93]:
fig, axarr = plt.subplots(2, 2, sharex=True, sharey=True, figsize=(8, 6))
# for composition in comp_list + ['total']:
for composition, ax in zip(comp_list, axarr.flatten()):
    # Plot testing curve
    ax.plot(df_cv_max_depth.index, df_cv_max_depth['test_mean_{}'.format(composition)],
            marker='^', ls=':', color=color_dict[composition], label=composition+' testing set')
    test_err_high = df_cv_max_depth['test_mean_{}'.format(composition)] + df_cv_max_depth['test_std_{}'.format(composition)]
    test_err_low = df_cv_max_depth['test_mean_{}'.format(composition)] - df_cv_max_depth['test_std_{}'.format(composition)]
    ax.fill_between(df_cv_max_depth.index, test_err_high, test_err_low,
                    color=color_dict[composition], alpha=0.3)
    
    # Plot training curve
    ax.plot(df_cv_max_depth.index, df_cv_max_depth['train_mean_{}'.format(composition)],
            marker='.', ls='-', color=color_dict[composition], label=composition+' training set')
    train_err_high = df_cv_max_depth['train_mean_{}'.format(composition)] + df_cv_max_depth['train_std_{}'.format(composition)]
    train_err_low = df_cv_max_depth['train_mean_{}'.format(composition)] - df_cv_max_depth['train_std_{}'.format(composition)]
    ax.fill_between(df_cv_max_depth.index, train_err_high, train_err_low,
                    color=color_dict[composition], alpha=0.3)

    ax.set_xlim(max_depth_values.min(), max_depth_values.max())
    ax.set_ylim(0, 0.01)
    ax.grid()
    ax.legend(loc='upper right')
    
fig.text(0.5, -0.04, 'Maximum depth', ha='center', fontsize=16)
fig.text(-0.04, 0.5, 'Mean squared error', va='center', rotation='vertical', fontsize=16)

max_depth_outfile = os.path.join(comp.paths.figures_dir, 'model_evaluation', 'validation-curves',
                                 '{}_max_depth_composition_grid.png'.format(pipeline_str))
comp.check_output_dir(max_depth_outfile)
plt.savefig(max_depth_outfile)
plt.show()



In [40]:
param_values = np.arange(10, 320, 20, dtype=int)
df_cv_n_estimators = comp.cross_validate_comp(
# df_cv_max_depth = comp.analysis.modelevaluation.cross_validate_comp(
                            df_sim_train, df_sim_test, pipeline_str, 
                            param_name='n_estimators', param_values=param_values,
                            feature_list=feature_list, target='MC_log_energy', 
                            scoring=mean_squared_error, num_groups=num_groups, n_splits=10,
                            verbose=True, n_jobs=10)
#                             verbose=True, n_jobs=min(len(param_values), 20))


Performing 10-fold CV on 16 hyperparameter values (160 fits):
[########################################] | 100% Completed | 28.0s
[########################################] | 100% Completed |  0.1s

In [41]:
df_cv_n_estimators


Out[41]:
classifier n_splits param_name test_mean_heavy test_mean_light test_mean_total test_std_heavy test_std_light test_std_total train_mean_heavy train_mean_light train_mean_total train_std_heavy train_std_light train_std_total
param_value
10 xgboost_energy_IC86.2012 10 n_estimators 0.758240 1.194886 0.985880 0.014708 0.012442 0.010520 0.758255 1.194870 0.985866 0.001289 0.001008 0.000683
30 xgboost_energy_IC86.2012 10 n_estimators 0.112188 0.270361 0.194645 0.003018 0.004701 0.002657 0.112191 0.270342 0.194636 0.000256 0.000403 0.000135
50 xgboost_energy_IC86.2012 10 n_estimators 0.059611 0.138926 0.100956 0.001114 0.003261 0.001868 0.059611 0.138908 0.100949 0.000105 0.000219 0.000086
70 xgboost_energy_IC86.2012 10 n_estimators 0.058076 0.100796 0.080343 0.001713 0.002730 0.002014 0.058073 0.100780 0.080337 0.000079 0.000158 0.000072
90 xgboost_energy_IC86.2012 10 n_estimators 0.069024 0.095150 0.082641 0.002160 0.002478 0.002107 0.069019 0.095135 0.082633 0.000098 0.000142 0.000066
110 xgboost_energy_IC86.2012 10 n_estimators 0.081521 0.100409 0.091364 0.002445 0.002339 0.002143 0.081515 0.100393 0.091356 0.000122 0.000139 0.000062
130 xgboost_energy_IC86.2012 10 n_estimators 0.092304 0.108216 0.100596 0.002644 0.002255 0.002156 0.092296 0.108201 0.100587 0.000142 0.000142 0.000061
150 xgboost_energy_IC86.2012 10 n_estimators 0.100697 0.115513 0.108418 0.002790 0.002202 0.002161 0.100689 0.115498 0.108409 0.000158 0.000146 0.000062
170 xgboost_energy_IC86.2012 10 n_estimators 0.106904 0.121412 0.114465 0.002895 0.002166 0.002163 0.106896 0.121396 0.114455 0.000170 0.000152 0.000065
190 xgboost_energy_IC86.2012 10 n_estimators 0.111362 0.125866 0.118920 0.002971 0.002142 0.002163 0.111353 0.125850 0.118910 0.000178 0.000158 0.000068
210 xgboost_energy_IC86.2012 10 n_estimators 0.114507 0.129104 0.122114 0.003024 0.002126 0.002163 0.114497 0.129088 0.122104 0.000184 0.000163 0.000072
230 xgboost_energy_IC86.2012 10 n_estimators 0.116700 0.131407 0.124364 0.003061 0.002114 0.002163 0.116690 0.131391 0.124354 0.000189 0.000167 0.000075
250 xgboost_energy_IC86.2012 10 n_estimators 0.118219 0.133021 0.125933 0.003087 0.002106 0.002163 0.118209 0.133005 0.125922 0.000192 0.000170 0.000078
270 xgboost_energy_IC86.2012 10 n_estimators 0.119265 0.134142 0.127018 0.003105 0.002100 0.002163 0.119255 0.134126 0.127007 0.000194 0.000173 0.000080
290 xgboost_energy_IC86.2012 10 n_estimators 0.119984 0.134916 0.127766 0.003117 0.002096 0.002162 0.119974 0.134900 0.127755 0.000195 0.000175 0.000081
310 xgboost_energy_IC86.2012 10 n_estimators 0.120476 0.135448 0.128279 0.003125 0.002093 0.002162 0.120466 0.135432 0.128268 0.000196 0.000176 0.000083

In [42]:
fig, ax = plt.subplots()
for composition in comp_list:
    # Plot testing curve
    ax.plot(df_cv_n_estimators.index, df_cv_n_estimators['test_mean_{}'.format(composition)],
            marker='^', ls=':', color=color_dict[composition], label=composition+' testing set')
    test_err_high = df_cv_n_estimators['test_mean_{}'.format(composition)] + df_cv_n_estimators['test_std_{}'.format(composition)]
    test_err_low = df_cv_n_estimators['test_mean_{}'.format(composition)] - df_cv_n_estimators['test_std_{}'.format(composition)]
    ax.fill_between(df_cv_n_estimators.index, test_err_high, test_err_low,
                    color=color_dict[composition], alpha=0.3)
    
    # Plot training curve
    ax.plot(df_cv_n_estimators.index, df_cv_n_estimators['train_mean_{}'.format(composition)],
            marker='.', ls='-', color=color_dict[composition], label=composition+' training set')
    train_err_high = df_cv_n_estimators['train_mean_{}'.format(composition)] + df_cv_n_estimators['train_std_{}'.format(composition)]
    train_err_low = df_cv_n_estimators['train_mean_{}'.format(composition)] - df_cv_n_estimators['train_std_{}'.format(composition)]
    ax.fill_between(df_cv_n_estimators.index, train_err_high, train_err_low,
                    color=color_dict[composition], alpha=0.3)
ax.set_xlabel('Number of estimators')
ax.set_ylabel('MSE score')
# ax.set_ylabel('MSE testing score')
# ax.set_ylim(0, 0.01)
ax.grid()
ax.legend(title='True compositions')
plt.show()


Energy reconstruction performance plots


In [15]:
h_lap, xedges, yedges  = np.histogram2d(df_sim_test['MC_log_energy'], df_sim_test['lap_log_energy'],
                                        bins=np.linspace(6.0, 8.0, 100))
h_lap = np.rot90(h_lap)
h_lap = np.flipud(h_lap)

h_reco, xedges, yedges  = np.histogram2d(df_sim_test['MC_log_energy'], reco_log_energy,
                                         bins=np.linspace(6.0, 8.0, 100))
h_reco = np.rot90(h_reco)
h_reco = np.flipud(h_reco)
extent = [xedges[0], xedges[-1], yedges[0], yedges[-1]]

gs = gridspec.GridSpec(1, 2, wspace=0.15)
ax_lap = plt.subplot(gs[0])
# ax_reco = plt.subplot(gs[1])
ax_reco = plt.subplot(gs[1], sharey=ax_lap)

# fig, ax = plt.subplots()
for h, ax, title in zip([h_lap, h_reco], [ax_lap, ax_reco], ['Laputop', 'RF']):
    ax.imshow(h, extent=extent, norm=LogNorm(), origin='lower', interpolation='none',
              aspect='auto')
    ax.plot([6, 8], [6, 8], marker='None', ls=':')
    # ax.set_xlim([6.4, 8.0])
    # ax.set_ylim([6.4, 8.0])
    ax.set_xlabel('$\mathrm{\log_{10}(E_{true}/GeV)}$')
#     ax.set_ylabel('$\mathrm{\log_{10}(E_{reco}/GeV)}$')
    ax.set_title(title)
    ax.grid()
    
ax_reco.tick_params(labelleft='off')
ax_lap.set_ylabel('$\mathrm{\log_{10}(E_{reco}/GeV)}$')

# plt.colorbar(label='Counts')
true_vs_reco_energy_outfile = os.path.join(comp.paths.figures_dir, 'energy_reco',
                                         'MC_vs_reco_energy_{}.png'.format(config))
# comp.check_output_dir(true_vs_reco_energy_outfile)
# plt.savefig(true_vs_reco_energy_outfile)
plt.show()


/data/user/jbourbeau/virtualenv/cr-composition_el7/lib/python2.7/site-packages/matplotlib/cbook/deprecation.py:107: MatplotlibDeprecationWarning: Passing one of 'on', 'true', 'off', 'false' as a boolean is deprecated; use an actual boolean (True/False) instead.
  warnings.warn(message, mplDeprecation, stacklevel=1)

In [16]:
h, xedges, yedges  = np.histogram2d(df_sim_test['MC_log_energy'], reco_log_energy,
                                    bins=np.linspace(6.0, 8.0, 100))

extent = [xedges[0], xedges[-1], yedges[0], yedges[-1]]
h = np.rot90(h)
h = np.flipud(h)

fig, ax = plt.subplots()
plt.imshow(h, extent=extent, norm=LogNorm(), origin='lower', interpolation='none', aspect='auto')
ax.plot([6, 8], [6, 8], marker='None', ls=':')
# ax.set_xlim([6.4, 8.0])
# ax.set_ylim([6.4, 8.0])
ax.set_xlabel('$\mathrm{\log_{10}(E_{true}/GeV)}$')
ax.set_ylabel('$\mathrm{\log_{10}(E_{reco}/GeV)}$')
ax.grid()
plt.colorbar(label='Counts')
true_vs_reco_energy_outfile = os.path.join(comp.paths.figures_dir, 'energy_reco',
                                         'MC_vs_reco_energy.png')
# comp.check_output_dir(true_vs_reco_energy_outfile)
# plt.savefig(true_vs_reco_energy_outfile)
plt.show()



In [55]:
# Energy resolution
energy_res = reco_log_energy - df_sim_test['MC_log_energy']
lap_energy_res = df_sim_test['lap_log_energy'] - df_sim_test['MC_log_energy']
log_energy_bins = np.arange(6.4, 8.1, 0.1)

gs = gridspec.GridSpec(2, 1, height_ratios=[1,1], hspace=0.1)
ax1 = plt.subplot(gs[0])
ax2 = plt.subplot(gs[1], sharex=ax1)

for composition in comp_list:
#     comp_mask = df_sim_test['MC_comp_class'] == composition
    
    # Plot RF reco energy 
    medians, stds, _ = comp.analysis.get_median_std(
                                df_sim_test.loc[comp_mask_test[composition], 'MC_log_energy'],
                                energy_res[comp_mask_test[composition]],
                                log_energy_bins)

    plotting.plot_steps(log_energy_bins, medians, lw=1,
                        color=color_dict[composition], alpha=0.8,
                        label=composition+' (RF)', ax=ax1)

    plotting.plot_steps(log_energy_bins, stds, lw=1,
                        color=color_dict[composition], alpha=0.8,
                        label=composition+' (RF)', ax=ax2)
    
    # Plot Laputop reco energy 
    medians, stds, _ = comp.analysis.get_median_std(
                                df_sim_test.loc[comp_mask_test[composition], 'MC_log_energy'],
                                lap_energy_res[comp_mask_test[composition]],
                                log_energy_bins)

    plotting.plot_steps(log_energy_bins, medians, lw=1, ls='--',
                        color=color_dict[composition], alpha=0.8,
                        label=composition+' (Laptuop)', ax=ax1)

    plotting.plot_steps(log_energy_bins, stds, lw=1, ls='--',
                        color=color_dict[composition], alpha=0.8, 
                        label=composition+' (Laptuop)', ax=ax2)

ax1.axhline(0, marker='None', linestyle='-.', color='k', lw=1.5)
ax1.set_ylabel('Median of\n$\mathrm{\log_{10}(E_{reco}/E_{true})}$')
ax1.set_ylim(-0.1, 0.1)
ax1.tick_params(labelbottom='off')
ax1.grid()
# ax1.legend(title='True composition')
leg = ax1.legend(loc='upper center', frameon=False,
                 bbox_to_anchor=(0.5,  # horizontal
                                 1.45),# vertical 
                 ncol=len(comp_list) // 2, fancybox=False)

ax2.set_ylabel('1$\mathrm{\sigma}$ of $\mathrm{\log_{10}(E_{reco}/E_{true})}$')
ax2.set_xlabel('$\mathrm{\log_{10}(E_{true}/GeV)}$')
ax2.set_ylim(0)
ax2.set_xlim(energybins.log_energy_min, energybins.log_energy_max)
ax2.grid()

ax2.set_xlim(6.4, 8.0)

energy_res_outfile = os.path.join(comp.paths.figures_dir, 'energy_reco',
                                  'energy_res_{}.png'.format(config))
comp.check_output_dir(energy_res_outfile)
plt.savefig(energy_res_outfile)

plt.show()



In [35]:
# Energy resolution
energy_res = reco_log_energy - df_sim_test['MC_log_energy']
lap_energy_res = df_sim_test['lap_log_energy'] - df_sim_test['MC_log_energy']
# log_energy_bins = np.arange(5.5, 9.1, 0.1)

log_energy_bins = np.concatenate((np.arange(5.5, energybins.log_energy_min, 0.1),
                                  energybins.log_energy_bins))

# log_energy_bins = np.arange(6.4, 8.1, 0.1)

gs = gridspec.GridSpec(2, 1, height_ratios=[1,1], hspace=0.1)
ax1 = plt.subplot(gs[0])
ax2 = plt.subplot(gs[1], sharex=ax1)

for composition in comp_list:
    
    # Plot RF reco energy 
    _, medians, error = comp.data_functions.get_medians(
                                df_sim_test.loc[comp_mask_test[composition], 'MC_log_energy'],
                                energy_res[comp_mask_test[composition]],
                                log_energy_bins)

    comp.plot_steps(log_energy_bins, medians, lw=1.5,
                        color=color_dict[composition], alpha=0.8,
                        label=composition, ax=ax1)
#                         label=composition+' (RF)', ax=ax1)

    comp.plot_steps(log_energy_bins, np.sum(error, axis=0), lw=1.5,
                        color=color_dict[composition], alpha=0.8,
                        label=composition, ax=ax2)
#                         label=composition+' (RF)', ax=ax2)
    
#     # Plot Laputop reco energy 
#     _, medians, error = comp.data_functions.get_medians(
#                                 df_sim_test.loc[comp_mask_test[composition], 'MC_log_energy'],
#                                 lap_energy_res[comp_mask_test[composition]],
#                                 log_energy_bins)

#     comp.plot_steps(log_energy_bins, medians, lw=1.5, ls='--',
#                         color=color_dict[composition], alpha=0.8,
#                         label=composition+' (Laputop)', ax=ax1)

#     comp.plot_steps(log_energy_bins, np.sum(error, axis=0), lw=1.5, ls='--',
#                         color=color_dict[composition], alpha=0.8, 
#                         label=composition+' (Laputop)', ax=ax2)

ax1.axhline(0, marker='None', linestyle='-', color='k', lw=0.5)
ax1.axvline(6.4, marker='None', linestyle=':', color='k', lw=0.75)
ax2.axvline(6.4, marker='None', linestyle=':', color='k', lw=0.75)

ax1.set_ylabel('Median of\n$\mathrm{\log_{10}(E_{reco}/E_{true})}$')
ax1.set_ylim(-0.1, 0.1)
ax1.tick_params(labelbottom='off')
ax1.grid()
# ax1.legend(title='True composition')
leg = ax1.legend(loc='upper center', frameon=False,
                 bbox_to_anchor=(0.5,  # horizontal
                                 1.275),# vertical 
#                                  1.425),# vertical 
#                                  1.85),# vertical 
                 ncol=2, fancybox=False)
#                  ncol=len(comp_list)//2, fancybox=False)

ax2.set_ylabel('68\% containment\nof $\mathrm{\log_{10}(E_{reco}/E_{true})}$')
ax2.set_xlabel('$\mathrm{\log_{10}(E_{true}/GeV)}$')
ax2.set_ylim(0, 0.15)
# ax2.set_xlim(energybins.log_energy_min, energybins.log_energy_max)
ax2.grid()

ax2.set_xlim(6.4, 8.0)

energy_res_outfile = os.path.join(comp.paths.figures_dir, 'energy_reco',
                                  'energy_res_compare_{}.png'.format(config))
comp.check_output_dir(energy_res_outfile)
plt.savefig(energy_res_outfile)

plt.show()



In [19]:
# Energy resolution
energy_res = reco_log_energy - df_sim_test['MC_log_energy']
energy_res_2 = reco_log_energy_2 - df_sim_test['MC_log_energy']
lap_energy_res = df_sim_test['lap_log_energy'] - df_sim_test['MC_log_energy']
# log_energy_bins = np.arange(5.5, 9.1, 0.1)

log_energy_bins = np.concatenate((np.arange(5.5, energybins.log_energy_min, 0.1),
                                  energybins.log_energy_bins))

# log_energy_bins = np.arange(6.4, 8.1, 0.1)
for composition in comp_list:


    gs = gridspec.GridSpec(2, 1, height_ratios=[1,1], hspace=0.1)
    ax1 = plt.subplot(gs[0])
    ax2 = plt.subplot(gs[1], sharex=ax1)

    # Plot RF reco energy 
    _, medians, error = comp.data_functions.get_medians(
                                df_sim_test.loc[comp_mask_test[composition], 'MC_log_energy'],
                                energy_res[comp_mask_test[composition]],
                                log_energy_bins)

    comp.plot_steps(log_energy_bins, medians, lw=1.5,
                        color=color_dict[composition], alpha=0.8,
                        label=composition+' (RF)', ax=ax1)

    comp.plot_steps(log_energy_bins, np.sum(error, axis=0), lw=1.5,
                        color=color_dict[composition], alpha=0.8,
                        label=composition+' (RF)', ax=ax2)
    
    # Plot RF reco energy 2
    _, medians, error = comp.data_functions.get_medians(
                                df_sim_test.loc[comp_mask_test[composition], 'MC_log_energy'],
                                energy_res_2[comp_mask_test[composition]],
                                log_energy_bins)

    comp.plot_steps(log_energy_bins, medians, lw=1.5, ls='-.', 
                        color=color_dict[composition], alpha=0.8,
                        label=composition+' (RF 2)', ax=ax1)

    comp.plot_steps(log_energy_bins, np.sum(error, axis=0), lw=1.5, ls='-.',
                        color=color_dict[composition], alpha=0.8,
                        label=composition+' (RF 2)', ax=ax2)

    
    
    # Plot Laputop reco energy 
    _, medians, error = comp.data_functions.get_medians(
                                df_sim_test.loc[comp_mask_test[composition], 'MC_log_energy'],
                                lap_energy_res[comp_mask_test[composition]],
                                log_energy_bins)

    comp.plot_steps(log_energy_bins, medians, lw=1.5, ls='--',
                        color=color_dict[composition], alpha=0.8,
                        label=composition+' (Laputop)', ax=ax1)

    comp.plot_steps(log_energy_bins, np.sum(error, axis=0), lw=1.5, ls='--',
                        color=color_dict[composition], alpha=0.8, 
                        label=composition+' (Laputop)', ax=ax2)

    ax1.axhline(0, marker='None', linestyle='-', color='k', lw=0.5)
    ax1.axvline(6.4, marker='None', linestyle=':', color='k', lw=0.75)
    ax2.axvline(6.4, marker='None', linestyle=':', color='k', lw=0.75)

    ax1.set_ylabel('Median of\n$\mathrm{\log_{10}(E_{reco}/E_{true})}$')
    ax1.set_ylim(-0.1, 0.1)
    ax1.tick_params(labelbottom='off')
    ax1.grid()
    ax1.legend(loc='upper right')
    # leg = ax1.legend(loc='upper center', frameon=False,
    #                  bbox_to_anchor=(0.5,  # horizontal
    # #                                  1.275),# vertical 
    #                                  1.85),# vertical 
    #                  ncol=len(comp_list)//2, fancybox=False)

    ax2.set_ylabel('68\% containment\nof $\mathrm{\log_{10}(E_{reco}/E_{true})}$')
    ax2.set_xlabel('$\mathrm{\log_{10}(E_{true}/GeV)}$')
    ax2.set_ylim(0, 0.15)
    # ax2.set_xlim(energybins.log_energy_min, energybins.log_energy_max)
    ax2.grid()

    ax2.set_xlim(6.4, 8.0)

    energy_res_outfile = os.path.join(comp.paths.figures_dir, 'energy_reco',
                                      'energy_res_compare_{}_{}.png'.format(config, composition))
    comp.check_output_dir(energy_res_outfile)
    plt.savefig(energy_res_outfile)

    plt.show()


/data/user/jbourbeau/miniconda/envs/composition/lib/python3.6/site-packages/matplotlib/figure.py:2022: UserWarning: This figure includes Axes that are not compatible with tight_layout, so results might be incorrect.
  warnings.warn("This figure includes Axes that are not compatible "
/data/user/jbourbeau/miniconda/envs/composition/lib/python3.6/site-packages/matplotlib/figure.py:2022: UserWarning: This figure includes Axes that are not compatible with tight_layout, so results might be incorrect.
  warnings.warn("This figure includes Axes that are not compatible "
/data/user/jbourbeau/miniconda/envs/composition/lib/python3.6/site-packages/matplotlib/figure.py:2022: UserWarning: This figure includes Axes that are not compatible with tight_layout, so results might be incorrect.
  warnings.warn("This figure includes Axes that are not compatible "
/data/user/jbourbeau/miniconda/envs/composition/lib/python3.6/site-packages/matplotlib/figure.py:2022: UserWarning: This figure includes Axes that are not compatible with tight_layout, so results might be incorrect.
  warnings.warn("This figure includes Axes that are not compatible "

In [12]:
reco_log_energy.min(), reco_log_energy.max()


Out[12]:
(5.5794904682434039, 9.4649293863545978)

In [13]:
df_sim_test.MC_log_energy.min(), df_sim_test.MC_log_energy.max()


Out[13]:
(5.2480956628028359, 9.4992049791454747)

In [15]:
df_sim_test.lap_log_energy.min(), df_sim_test.lap_log_energy.max()


Out[15]:
(5.1358539936035763, 9.6503336874662615)

In [14]:
log_energy_bins


Out[14]:
array([ 6.4,  6.5,  6.6,  6.7,  6.8,  6.9,  7. ,  7.1,  7.2,  7.3,  7.4,
        7.5,  7.6,  7.7,  7.8,  7.9,  8. ,  8.1,  8.2,  8.3,  8.4,  8.5,
        8.6,  8.7,  8.8,  8.9,  9. ])

In [ ]:


In [29]:
# Energy resolution
energy_res = reco_log_energy - df_sim_test['MC_log_energy']
lap_energy_res = df_sim_test['lap_log_energy'] - df_sim_test['MC_log_energy']


fig, ax = plt.subplots()
res_color_dict = {'light': sns.color_palette('Blues', 3).as_hex()[::-1],
                  'heavy': sns.color_palette('Oranges', 3).as_hex()[::-1]}
for composition in comp_list:
    comp_mask = df_sim_test['MC_comp_class'] == composition
    
    bin_centers, bin_medians, error = comp.analysis.get_medians(
                            df_sim_test.loc[comp_mask_test[composition], 'MC_log_energy'], 
                            energy_res[comp_mask_test[composition]],
                            energybins.log_energy_bins)
    ax.errorbar(bin_centers, bin_medians, yerr=error, marker='.', ls='--', 
                color=res_color_dict[composition][0], alpha=0.8, label=composition + ' (RF)')

    
    bin_centers, bin_medians, error = comp.analysis.get_medians(
                            df_sim_test.loc[comp_mask_test[composition], 'MC_log_energy'], 
                            lap_energy_res[comp_mask_test[composition]],
                            energybins.log_energy_bins)
    ax.errorbar(bin_centers + 0.02, bin_medians, yerr=error, marker='^', ls=':', 
                color=res_color_dict[composition][1], alpha=0.8, label=composition + ' (Laputop)')
    
ax.axhline(0, marker='None', linestyle='-.', color='k', lw=1.5)
ax.set_ylabel('$\mathrm{\log_{10}(E_{reco}/E_{true})}$')
# ax.set_ylim(-0.1, 0.1)
ax.grid()
# ax.legend()
leg = ax.legend(loc='upper center', frameon=False,
                 bbox_to_anchor=(0.5,  # horizontal
                                 1.25),# vertical 
                 ncol=len(comp_list), fancybox=False)

# ax2.set_ylabel('1$\mathrm{\sigma}$ of $\mathrm{\log_{10}(E_{reco}/E_{true})}$')
ax.set_xlabel('$\mathrm{\log_{10}(E_{true}/GeV)}$')
# ax2.set_ylim(0)
# ax2.set_xlim(energybins.log_energy_min, energybins.log_energy_max)
# ax2.grid()

# ax.set_xlim(6.4, 8.0)

energy_res_outfile = os.path.join(comp.paths.figures_dir, 'energy_reco',
                                  'energy_res_comparison.png')
comp.check_output_dir(energy_res_outfile)
plt.savefig(energy_res_outfile)

plt.show()



KeyErrorTraceback (most recent call last)
<ipython-input-29-70dec81a2c9e> in <module>()
     15                             energybins.log_energy_bins)
     16     ax.errorbar(bin_centers, bin_medians, yerr=error, marker='.', ls='--', 
---> 17                 color=res_color_dict[composition][0], alpha=0.8, label=composition + ' (RF)')
     18 
     19 

KeyError: 'intermediate'

In [ ]:


In [ ]:


In [ ]:


In [ ]:


In [ ]:


In [ ]:


In [ ]:


In [ ]:


In [ ]:
def plot_validation_curve(validation_dict, param_name, ylime=None, ax=None):
    
    if ax is None:
        ax = plt.gca()
        
    ax.plot(validation_dict['range'], validation_dict['train_mean'], label="Training score",
             color='C0')
    ax.fill_between(validation_dict['range'], validation_dict['train_mean'] - validation_dict['train_std'],
                     validation_dict['train_mean'] + validation_dict['train_std'], alpha=0.2,
                     color='C0')
    
    ax.plot(validation_dict['range'], validation_dict['test_mean'], label="Cross-validation score",
                 color='C2')
    ax.fill_between(validation_dict['range'], validation_dict['test_mean'] - validation_dict['test_std'],
                     validation_dict['test_mean'] + validation_dict['test_std'], alpha=0.2,
                     color='C2')
    
    ax.set_xlabel(param_name)
    ax.set_ylabel('Median energy resolution')
    ax.grid()
    ax.legend()
    
    return ax

Validation curve for maximum tree depth


In [ ]:
max_depth_validation = {}
max_depth_validation['range'] = np.arange(1, 11)
train_scores, test_scores = validation_curve(clf, sim_train.X, sim_train.y,
                                param_name='max_depth', param_range=max_depth_validation['range'],
                                cv=10, scoring=scorer, n_jobs=5, verbose=2)
max_depth_validation['train_mean'] = np.mean(train_scores, axis=1)
max_depth_validation['train_std'] = np.std(train_scores, axis=1)
max_depth_validation['test_mean'] = np.mean(test_scores, axis=1)
max_depth_validation['test_std'] = np.std(test_scores, axis=1)

In [ ]:
fig, ax = plt.subplots()
ax = plot_validation_curve(max_depth_validation, 'Maximum tree depth', ax=ax)
plt.show()

In [ ]:
max_depth_validation

In [ ]:
clf.set_params(max_depth=20)

In [ ]:
n_estimators_validation = {}
n_estimators_validation['range'] = np.arange(10, 500, 100)
train_scores, test_scores = validation_curve(clf, sim_train.X, sim_train.y,
                                param_name='n_estimators', param_range=n_estimators_validation['range'],
                                cv=10, scoring=scorer, n_jobs=5, verbose=2)
n_estimators_validation['train_mean'] = np.mean(train_scores, axis=1)
n_estimators_validation['train_std'] = np.std(train_scores, axis=1)
n_estimators_validation['test_mean'] = np.mean(test_scores, axis=1)
n_estimators_validation['test_std'] = np.std(test_scores, axis=1)

In [ ]:
n_estimators_validation

In [ ]:
fig, ax = plt.subplots()
ax = plot_validation_curve(n_estimators_validation, 'Number of iterations', ax=ax)
plt.show()

In [ ]:
clf.set_params(n_estimators=200)

In [ ]:
clf = clf.fit(sim_train.X, sim_train.y)
train_pred = clf.predict(sim_train.X)
# train_acc = mean_squared_error(sim_train.y, train_pred)
train_score = median_energy_res(sim_train.y, train_pred)

test_pred = clf.predict(sim_test.X)
# test_acc = mean_squared_error(sim_test.y, test_pred)
test_score = median_energy_res(sim_test.y, test_pred)
print('Testing score: {}'.format(test_score))
print('Training score: {}'.format(train_score))

In [ ]:
energy_bins = 10**np.arange(5.0, 9.51, 0.1)
energy_midpoints = (energy_bins[1:] + energy_bins[:-1]) / 2

In [ ]:
light_mask = sim_test.comp == 'light'
heavy_mask = sim_test.comp == 'heavy'

In [ ]:
energy_resolution = np.log10(test_pred/sim_test.y)
_, bin_medians_light, error_light = comp.analysis.data_functions.get_medians(np.log10(sim_test.y)[light_mask],
                                                                           energy_resolution[light_mask],
                                                                           np.log10(energy_bins))
_, bin_medians_heavy, error_heavy = comp.analysis.data_functions.get_medians(np.log10(sim_test.y)[heavy_mask],
                                                                           energy_resolution[heavy_mask],
                                                                           np.log10(energy_bins))

In [ ]:
fig, ax = plt.subplots()
ax.errorbar(np.log10(energy_midpoints), bin_medians_light, yerr=error_light,
            marker='.', ls='None', label='light')
ax.errorbar(np.log10(energy_midpoints), bin_medians_heavy, yerr=error_heavy,
            marker='.', ls='None', label='heavy')
ax.axhline(0, marker='None', linestyle='-.', color='k')
ax.set_xlabel('$\mathrm{\log_{10}(E_{MC}/GeV)}$')
ax.set_ylabel('$\mathrm{\log_{10}(E_{reco}/E_{true})}$')
ax.set_xlim([6.3, 9.0])
ax.set_ylim([-0.15, 0.15])
ax.legend()
plt.grid()
# plt.savefig('/home/jbourbeau/public_html/figures/lap-energyres.png')
plt.show()

In [ ]: