In [1]:
import sys #access to system parameters https://docs.python.org/3/library/sys.html
print("Python version: {}". format(sys.version))

import pandas as pd #collection of functions for data processing and analysis modeled after R dataframes with SQL like features
print("pandas version: {}". format(pd.__version__))

import matplotlib #collection of functions for scientific and publication-ready visualization
print("matplotlib version: {}". format(matplotlib.__version__))


import numpy as np #foundational package for scientific computing
print("NumPy version: {}". format(np.__version__))

import scipy as sp #collection of functions for scientific computing and advance mathematics
print("SciPy version: {}". format(sp.__version__)) 

import IPython
from IPython import display #pretty printing of dataframes in Jupyter notebook
print("IPython version: {}". format(IPython.__version__)) 

import sklearn #collection of machine learning algorithms
print("scikit-learn version: {}". format(sklearn.__version__))

#misc libraries
import random
import time


#ignore warnings
import warnings
warnings.filterwarnings('ignore')
print('-'*25)



# Input data files are available in the "../input/" directory.
# For example, running this (by clicking run or pressing Shift+Enter) will list the files in the input directory

from subprocess import check_output
# print(check_output(["ls", "../Titanic prediction"]).decode("utf8"))
Python version: 3.6.8 |Anaconda, Inc.| (default, Dec 30 2018, 18:50:55) [MSC v.1915 64 bit (AMD64)]
pandas version: 0.23.4
matplotlib version: 3.0.2
NumPy version: 1.16.0
SciPy version: 1.2.0
IPython version: 7.2.0
scikit-learn version: 0.20.2
-------------------------
In [2]:
#Common Model Algorithms
from sklearn import svm, tree, linear_model, neighbors, naive_bayes, ensemble, discriminant_analysis, gaussian_process
from sklearn.ensemble import RandomForestClassifier
from xgboost import XGBClassifier
import xgboost as xgb
import catboost
from catboost import CatBoostClassifier, Pool, cv

#Common Model Helpers
from sklearn.preprocessing import OneHotEncoder, LabelEncoder, MinMaxScaler
from sklearn import feature_selection
from sklearn import model_selection
from sklearn import metrics
from sklearn.model_selection import cross_validate

# Statistics
from scipy import stats
from scipy.stats import norm, skew
from statistics import mode
from scipy.special import boxcox1p

#Visualization
import matplotlib as mpl
import matplotlib.pyplot as plt
import matplotlib.pylab as pylab
import seaborn as sns
from pandas.tools.plotting import scatter_matrix

# Machine Learning
from sklearn.preprocessing import LabelEncoder
from sklearn.linear_model import Lasso, Ridge, RidgeCV, ElasticNet
import xgboost as xgb
import lightgbm as lgb
from sklearn.pipeline import make_pipeline
from sklearn.preprocessing import RobustScaler
from sklearn.base import BaseEstimator, TransformerMixin, RegressorMixin, clone
from sklearn.model_selection import KFold, cross_val_score, train_test_split
from sklearn.metrics import mean_squared_error
from sklearn import metrics
from sklearn.model_selection import GridSearchCV
from sklearn.linear_model import LinearRegression
from sklearn.ensemble import GradientBoostingRegressor
from sklearn.kernel_ridge import KernelRidge
from sklearn import svm, tree, linear_model, neighbors, naive_bayes, ensemble, discriminant_analysis, gaussian_process
from sklearn import model_selection
from sklearn.ensemble import RandomForestRegressor
from xgboost import XGBRegressor
from sklearn.ensemble import (RandomForestRegressor, AdaBoostRegressor, 
                              GradientBoostingRegressor)
from sklearn.svm import SVC
from sklearn.model_selection import KFold
from catboost import Pool, CatBoostRegressor, cv

#Optimization Tools
from sklearn.model_selection import GridSearchCV
from skopt import BayesSearchCV
from hyperopt import hp, tpe, STATUS_OK, Trials, fmin
from hyperopt.pyll import scope

#Configure Visualization Defaults
#%matplotlib inline = show plots in Jupyter Notebook browser
%matplotlib inline
mpl.style.use('ggplot')
sns.set_style('white')
pylab.rcParams['figure.figsize'] = 12,8
In [3]:
data_raw = pd.read_csv('train.csv')
test_raw = pd.read_csv('test.csv')
In [4]:
data_raw.head(20)
Out[4]:
Loan_ID Gender Married Dependents Education Self_Employed ApplicantIncome CoapplicantIncome LoanAmount Loan_Amount_Term Credit_History Property_Area Loan_Status
0 LP001002 Male No 0 Graduate No 5849 0.0 NaN 360.0 1.0 Urban Y
1 LP001003 Male Yes 1 Graduate No 4583 1508.0 128.0 360.0 1.0 Rural N
2 LP001005 Male Yes 0 Graduate Yes 3000 0.0 66.0 360.0 1.0 Urban Y
3 LP001006 Male Yes 0 Not Graduate No 2583 2358.0 120.0 360.0 1.0 Urban Y
4 LP001008 Male No 0 Graduate No 6000 0.0 141.0 360.0 1.0 Urban Y
5 LP001011 Male Yes 2 Graduate Yes 5417 4196.0 267.0 360.0 1.0 Urban Y
6 LP001013 Male Yes 0 Not Graduate No 2333 1516.0 95.0 360.0 1.0 Urban Y
7 LP001014 Male Yes 3+ Graduate No 3036 2504.0 158.0 360.0 0.0 Semiurban N
8 LP001018 Male Yes 2 Graduate No 4006 1526.0 168.0 360.0 1.0 Urban Y
9 LP001020 Male Yes 1 Graduate No 12841 10968.0 349.0 360.0 1.0 Semiurban N
10 LP001024 Male Yes 2 Graduate No 3200 700.0 70.0 360.0 1.0 Urban Y
11 LP001027 Male Yes 2 Graduate NaN 2500 1840.0 109.0 360.0 1.0 Urban Y
12 LP001028 Male Yes 2 Graduate No 3073 8106.0 200.0 360.0 1.0 Urban Y
13 LP001029 Male No 0 Graduate No 1853 2840.0 114.0 360.0 1.0 Rural N
14 LP001030 Male Yes 2 Graduate No 1299 1086.0 17.0 120.0 1.0 Urban Y
15 LP001032 Male No 0 Graduate No 4950 0.0 125.0 360.0 1.0 Urban Y
16 LP001034 Male No 1 Not Graduate No 3596 0.0 100.0 240.0 NaN Urban Y
17 LP001036 Female No 0 Graduate No 3510 0.0 76.0 360.0 0.0 Urban N
18 LP001038 Male Yes 0 Not Graduate No 4887 0.0 133.0 360.0 1.0 Rural N
19 LP001041 Male Yes 0 Graduate NaN 2600 3500.0 115.0 NaN 1.0 Urban Y
In [5]:
data_raw['Target'] = data_raw.Loan_Status.map({'Y':1, 'N':0})
In [6]:
print('Missing data in train set: \n', data_raw.isnull().sum())
print('-'*30)
print('Missing data in test set: \n', test_raw.isnull().sum())
print('-'*30)
Missing data in train set: 
 Loan_ID               0
Gender               13
Married               3
Dependents           15
Education             0
Self_Employed        32
ApplicantIncome       0
CoapplicantIncome     0
LoanAmount           22
Loan_Amount_Term     14
Credit_History       50
Property_Area         0
Loan_Status           0
Target                0
dtype: int64
------------------------------
Missing data in test set: 
 Loan_ID               0
Gender               11
Married               0
Dependents           10
Education             0
Self_Employed        23
ApplicantIncome       0
CoapplicantIncome     0
LoanAmount            5
Loan_Amount_Term      6
Credit_History       29
Property_Area         0
dtype: int64
------------------------------

EDA

In [7]:
data_raw.drop(['Loan_ID','Loan_Status'],axis=1, inplace=True)
In [8]:
data_raw.info()
<class 'pandas.core.frame.DataFrame'>
RangeIndex: 614 entries, 0 to 613
Data columns (total 12 columns):
Gender               601 non-null object
Married              611 non-null object
Dependents           599 non-null object
Education            614 non-null object
Self_Employed        582 non-null object
ApplicantIncome      614 non-null int64
CoapplicantIncome    614 non-null float64
LoanAmount           592 non-null float64
Loan_Amount_Term     600 non-null float64
Credit_History       564 non-null float64
Property_Area        614 non-null object
Target               614 non-null int64
dtypes: float64(4), int64(2), object(6)
memory usage: 57.6+ KB
In [9]:
plt.figure(figsize=[18,12])

plt.subplot(221)
plt.boxplot(data_raw['ApplicantIncome'], showmeans=True, meanline=True)
plt.title('Applicant_Income_Boxplot')
plt.ylabel('Income $')

plt.subplot(222)
plt.boxplot(data_raw['CoapplicantIncome'], showmeans=True, meanline=True)
plt.title('Coapplicant_Income_Boxplot')
plt.ylabel('Income $')

plt.subplot(223)
plt.hist(x=[data_raw[data_raw.Target == 1].LoanAmount, data_raw[data_raw.Target == 0].LoanAmount], label=['Approaved', 'Declined'])
plt.xlabel('Loan Amount by Approaval')
plt.ylabel('Number of applicants')
plt.legend()

plt.subplot(224)
plt.hist(x=[data_raw[data_raw.Target == 1].Loan_Amount_Term, data_raw[data_raw.Target == 0].Loan_Amount_Term], label=['Approaved', 'Declined'])
plt.xlabel('Loan Term by Approaval')
plt.ylabel('Number of applicants')
plt.legend()
Out[9]:
<matplotlib.legend.Legend at 0x1fc0e1d0c50>

Visualize application success rate by each variable

In [10]:
data_raw.Credit_History.value_counts()
Out[10]:
1.0    475
0.0     89
Name: Credit_History, dtype: int64
In [11]:
data_raw.info()
<class 'pandas.core.frame.DataFrame'>
RangeIndex: 614 entries, 0 to 613
Data columns (total 12 columns):
Gender               601 non-null object
Married              611 non-null object
Dependents           599 non-null object
Education            614 non-null object
Self_Employed        582 non-null object
ApplicantIncome      614 non-null int64
CoapplicantIncome    614 non-null float64
LoanAmount           592 non-null float64
Loan_Amount_Term     600 non-null float64
Credit_History       564 non-null float64
Property_Area        614 non-null object
Target               614 non-null int64
dtypes: float64(4), int64(2), object(6)
memory usage: 57.6+ KB
In [12]:
fig, axis = plt.subplots(3,3, figsize=(16,12))

sns.barplot(x='Gender', y='Target', data=data_raw, ax=axis[0,0])
sns.barplot(x='Married', y='Target', data=data_raw, ax=axis[0,1])
sns.barplot(x='Dependents', y='Target', data=data_raw, ax=axis[0,2])
sns.barplot(x='Education', y='Target', data=data_raw, ax=axis[1,0])
sns.barplot(x='Self_Employed', y='Target', data=data_raw, ax=axis[1,1])
sns.barplot(x='Credit_History', y='Target', data=data_raw, ax=axis[1,2])
sns.barplot(x='Property_Area', y='Target', data=data_raw, ax=axis[2,0]);

Look at correlations

In [13]:
def correlation_heatmap(df):
    _ , ax = plt.subplots(figsize =(14, 12))
    colormap = sns.diverging_palette(220, 10, as_cmap = True)
    
    _ = sns.heatmap(
        df.corr(), 
        cmap = colormap,
        square=True, 
        cbar_kws={'shrink':.7 }, 
        ax=ax,
        annot=True, 
        linewidths=0.1,vmax=1.0, linecolor='white',
        annot_kws={'fontsize':14 }
    )
    plt.title('Pearson Correlation of Features', y=1.05, size = 15)
In [14]:
correlation_heatmap(data_raw)
In [15]:
data_raw.columns
Out[15]:
Index(['Gender', 'Married', 'Dependents', 'Education', 'Self_Employed',
       'ApplicantIncome', 'CoapplicantIncome', 'LoanAmount',
       'Loan_Amount_Term', 'Credit_History', 'Property_Area', 'Target'],
      dtype='object')
In [16]:
sns.set(rc={'figure.figsize':(11.7,8.27)})
In [17]:
sns.regplot(y='LoanAmount', x='ApplicantIncome', data=data_raw)
Out[17]:
<matplotlib.axes._subplots.AxesSubplot at 0x1fc0e5cf3c8>
In [18]:
data_raw[data_raw.LoanAmount>550]
Out[18]:
Gender Married Dependents Education Self_Employed ApplicantIncome CoapplicantIncome LoanAmount Loan_Amount_Term Credit_History Property_Area Target
130 Male No 0 Graduate Yes 20166 0.0 650.0 480.0 NaN Urban 1
155 Male Yes 3+ Graduate No 39999 0.0 600.0 180.0 0.0 Semiurban 1
171 NaN Yes 3+ Graduate No 51763 0.0 700.0 300.0 1.0 Urban 1
369 Male Yes 0 Graduate No 19730 5266.0 570.0 360.0 1.0 Rural 0
561 Female Yes 1 Graduate Yes 19484 0.0 600.0 360.0 1.0 Semiurban 1
In [19]:
sns.regplot(y='LoanAmount', x='CoapplicantIncome', data=data_raw);
In [20]:
data_raw.Loan_Amount_Term.value_counts()
Out[20]:
360.0    512
180.0     44
480.0     15
300.0     13
84.0       4
240.0      4
120.0      3
36.0       2
60.0       2
12.0       1
Name: Loan_Amount_Term, dtype: int64
In [21]:
data_raw.isnull().sum()
Out[21]:
Gender               13
Married               3
Dependents           15
Education             0
Self_Employed        32
ApplicantIncome       0
CoapplicantIncome     0
LoanAmount           22
Loan_Amount_Term     14
Credit_History       50
Property_Area         0
Target                0
dtype: int64
In [22]:
data_raw.head(10)
Out[22]:
Gender Married Dependents Education Self_Employed ApplicantIncome CoapplicantIncome LoanAmount Loan_Amount_Term Credit_History Property_Area Target
0 Male No 0 Graduate No 5849 0.0 NaN 360.0 1.0 Urban 1
1 Male Yes 1 Graduate No 4583 1508.0 128.0 360.0 1.0 Rural 0
2 Male Yes 0 Graduate Yes 3000 0.0 66.0 360.0 1.0 Urban 1
3 Male Yes 0 Not Graduate No 2583 2358.0 120.0 360.0 1.0 Urban 1
4 Male No 0 Graduate No 6000 0.0 141.0 360.0 1.0 Urban 1
5 Male Yes 2 Graduate Yes 5417 4196.0 267.0 360.0 1.0 Urban 1
6 Male Yes 0 Not Graduate No 2333 1516.0 95.0 360.0 1.0 Urban 1
7 Male Yes 3+ Graduate No 3036 2504.0 158.0 360.0 0.0 Semiurban 0
8 Male Yes 2 Graduate No 4006 1526.0 168.0 360.0 1.0 Urban 1
9 Male Yes 1 Graduate No 12841 10968.0 349.0 360.0 1.0 Semiurban 0
In [23]:
data_raw.Property_Area.value_counts(dropna=False)
Out[23]:
Semiurban    233
Urban        202
Rural        179
Name: Property_Area, dtype: int64

Label encoding

In [24]:
data_together = [data_raw, test_raw]
In [25]:
for dataset in data_together:
    dataset['Tol_Income'] = dataset.ApplicantIncome+dataset.CoapplicantIncome
In [26]:
# label = LabelEncoder()
for dataset in data_together:
    dataset['Gender_Code'] = dataset.Gender.map({'Male':1, 'Female': 0})
    dataset['Married_Code'] = dataset.Married.map({'Yes':1, 'No': 0})
    dataset['Dependents_Code'] = dataset.Dependents.map({'0':0, '1': 1, '2':2, '3+':3})
    dataset['Education_Code'] = dataset.Education.map({'Graduate': 1, 'Not Graduate':0})
    dataset['Self_Employed_Code'] = dataset.Self_Employed.map({'No':0, 'Yes': 1})
    dataset['Property_Area_Code'] = dataset.Property_Area.map({'Rural':0, 'Urban': 2, 'Semiurban':1})
In [27]:
correlation_heatmap(data_raw)

Deal with Missing Values

In [28]:
print(data_raw.isnull().sum(),"-"*30,test_raw.isnull().sum(), sep='\n')
Gender                13
Married                3
Dependents            15
Education              0
Self_Employed         32
ApplicantIncome        0
CoapplicantIncome      0
LoanAmount            22
Loan_Amount_Term      14
Credit_History        50
Property_Area          0
Target                 0
Tol_Income             0
Gender_Code           13
Married_Code           3
Dependents_Code       15
Education_Code         0
Self_Employed_Code    32
Property_Area_Code     0
dtype: int64
------------------------------
Loan_ID                0
Gender                11
Married                0
Dependents            10
Education              0
Self_Employed         23
ApplicantIncome        0
CoapplicantIncome      0
LoanAmount             5
Loan_Amount_Term       6
Credit_History        29
Property_Area          0
Tol_Income             0
Gender_Code           11
Married_Code           0
Dependents_Code       10
Education_Code         0
Self_Employed_Code    23
Property_Area_Code     0
dtype: int64

Gender is correlated with 'Married' & 'Dependents'

In [29]:
from fancyimpute import KNN
from sklearn.model_selection import StratifiedKFold
Using TensorFlow backend.
In [30]:
train_cl = data_raw.copy()
xgb = XGBClassifier(n_estimators=500)
In [31]:
train_cl.head(5)
Out[31]:
Gender Married Dependents Education Self_Employed ApplicantIncome CoapplicantIncome LoanAmount Loan_Amount_Term Credit_History Property_Area Target Tol_Income Gender_Code Married_Code Dependents_Code Education_Code Self_Employed_Code Property_Area_Code
0 Male No 0 Graduate No 5849 0.0 NaN 360.0 1.0 Urban 1 5849.0 1.0 0.0 0.0 1 0.0 2
1 Male Yes 1 Graduate No 4583 1508.0 128.0 360.0 1.0 Rural 0 6091.0 1.0 1.0 1.0 1 0.0 0
2 Male Yes 0 Graduate Yes 3000 0.0 66.0 360.0 1.0 Urban 1 3000.0 1.0 1.0 0.0 1 1.0 2
3 Male Yes 0 Not Graduate No 2583 2358.0 120.0 360.0 1.0 Urban 1 4941.0 1.0 1.0 0.0 0 0.0 2
4 Male No 0 Graduate No 6000 0.0 141.0 360.0 1.0 Urban 1 6000.0 1.0 0.0 0.0 1 0.0 2
In [32]:
train_cl.dtypes
Out[32]:
Gender                 object
Married                object
Dependents             object
Education              object
Self_Employed          object
ApplicantIncome         int64
CoapplicantIncome     float64
LoanAmount            float64
Loan_Amount_Term      float64
Credit_History        float64
Property_Area          object
Target                  int64
Tol_Income            float64
Gender_Code           float64
Married_Code          float64
Dependents_Code       float64
Education_Code          int64
Self_Employed_Code    float64
Property_Area_Code      int64
dtype: object

Transforming skewed feature variable

In [33]:
# Applying a log(1+x) transformation to all skewed numeric features
numeric_feats = ['ApplicantIncome','CoapplicantIncome','LoanAmount','Loan_Amount_Term','Tol_Income']

# Compute Their Skewness
skewed_feats = train_cl[numeric_feats].apply(lambda x: skew(x)).sort_values(ascending=False)
skewness = pd.DataFrame({'Skew': skewed_feats})
skewness.head()
Out[33]:
Skew
CoapplicantIncome 7.473217
ApplicantIncome 6.523526
Tol_Income 5.619677
LoanAmount NaN
Loan_Amount_Term NaN
In [34]:
(mu, sigma) = norm.fit(train_cl.ApplicantIncome)

sns.distplot(train_cl.ApplicantIncome, fit=norm)
plt.ylabel('Frequency')
plt.title('Applicant Income')
plt.legend(['Normal dist. ($\mu=$ {:.2f} and $\sigma=$ {:.2f} )'.format(mu,sigma)], loc='best')

print( '\n mu = {:.2f} and sigma = {:.2f}\n'.format(mu, sigma))
fig = plt.figure()
res = stats.probplot(train_cl.ApplicantIncome, plot=plt)
 mu = 5403.46 and sigma = 6104.06

In [35]:
temp = pd.DataFrame()
In [36]:
temp["Transformed"] = np.log1p(train_cl.ApplicantIncome)
train_cl.ApplicantIncome = np.log1p(train_cl.ApplicantIncome)
In [37]:
(mu, sigma) = norm.fit(train_cl.ApplicantIncome)

sns.distplot(train_cl.ApplicantIncome, fit=norm)
plt.ylabel('Frequency')
plt.title('Applicant Income')
plt.legend(['Normal dist. ($\mu=$ {:.2f} and $\sigma=$ {:.2f} )'.format(mu,sigma)], loc='best')

print( '\n mu = {:.2f} and sigma = {:.2f}\n'.format(mu, sigma))
fig = plt.figure()
res = stats.probplot(train_cl.ApplicantIncome, plot=plt)
 mu = 8.34 and sigma = 0.64

In [38]:
skew(train_cl.Tol_Income)
Out[38]:
5.619676668480719
In [39]:
train_cl.Tol_Income = np.log1p(train_cl.Tol_Income)
skew(train_cl.Tol_Income)
Out[39]:
1.0744152503370539
In [40]:
def transform_skew(df=train_cl, column_name='ApplicantIncome'):
    (mu, sigma) = norm.fit(df[column_name])

    sns.distplot(df[column_name], fit=norm)
    plt.ylabel('Frequency')
    plt.title(column_name)
    plt.legend(['Normal dist. ($\mu=$ {:.2f} and $\sigma=$ {:.2f} )'.format(mu,sigma)], loc='best')

    print( '\n mu = {:.2f} and sigma = {:.2f}\n'.format(mu, sigma))
    fig = plt.figure()
    res = stats.probplot(df[column_name], plot=plt)
    
    df[column_name] = np.log1p(df[column_name])
    
    (mu, sigma) = norm.fit(df[column_name])

    sns.distplot(df[column_name], fit=norm)
    plt.ylabel('Frequency')
    plt.title(column_name)
    plt.legend(['Normal dist. ($\mu=$ {:.2f} and $\sigma=$ {:.2f} )'.format(mu,sigma)], loc='best')

    print( '\n mu = {:.2f} and sigma = {:.2f}\n'.format(mu, sigma))
    fig = plt.figure()
    res = stats.probplot(df[column_name], plot=plt)
In [41]:
scaler = MinMaxScaler()
column_name = ['ApplicantIncome','CoapplicantIncome','LoanAmount','Loan_Amount_Term','Tol_Income']

scaler.fit(train_cl[column_name])    
train_cl[column_name] = scaler.transform(train_cl[column_name])
test_raw[column_name] = scaler.transform(test_raw[column_name])
In [42]:
train_cl.head(5)
Out[42]:
Gender Married Dependents Education Self_Employed ApplicantIncome CoapplicantIncome LoanAmount Loan_Amount_Term Credit_History Property_Area Target Tol_Income Gender_Code Married_Code Dependents_Code Education_Code Self_Employed_Code Property_Area_Code
0 Male No 0 Graduate No 0.581854 0.000000 NaN 0.74359 1.0 Urban 1 0.347520 1.0 0.0 0.0 1 0.0 2
1 Male Yes 1 Graduate No 0.543052 0.036192 0.172214 0.74359 1.0 Rural 0 0.357583 1.0 1.0 1.0 1 0.0 0
2 Male Yes 0 Graduate Yes 0.475649 0.000000 0.082489 0.74359 1.0 Urban 1 0.181795 1.0 1.0 0.0 1 1.0 2
3 Male Yes 0 Not Graduate No 0.451844 0.056592 0.160637 0.74359 1.0 Urban 1 0.305642 1.0 1.0 0.0 0 0.0 2
4 Male No 0 Graduate No 0.585909 0.000000 0.191027 0.74359 1.0 Urban 1 0.353847 1.0 0.0 0.0 1 0.0 2
In [43]:
test_raw.drop(columns='Loan_ID',inplace=True)
test_raw.head(5)
Out[43]:
Gender Married Dependents Education Self_Employed ApplicantIncome CoapplicantIncome LoanAmount Loan_Amount_Term Credit_History Property_Area Tol_Income Gender_Code Married_Code Dependents_Code Education_Code Self_Employed_Code Property_Area_Code
0 Male Yes 0 Graduate No 909.314250 0.000000 0.146165 0.74359 1.0 Urban 1418.346135 1.0 1 0.0 1 0.0 2
1 Male Yes 1 Graduate No 488.625860 0.036000 0.169320 0.74359 1.0 Urban 1134.315689 1.0 1 1.0 1 0.0 2
2 Male Yes 2 Graduate No 794.754628 0.043200 0.287988 0.74359 1.0 Urban 1686.486766 1.0 1 2.0 1 0.0 2
3 Male Yes 2 Graduate No 371.520469 0.061104 0.131693 0.74359 NaN Urban 1211.281981 1.0 1 2.0 1 0.0 2
4 Male No 0 Not Graduate No 520.447977 0.000000 0.099855 0.74359 1.0 Urban 811.553818 1.0 0 0.0 0 0.0 2

Use XGBoost as baseline model

In [44]:
def find_KNN_parameter(impute=['Gender_Code'], related_col=[]):
    Xcol=related_col
    Ycol='Target'
    
    X = train_cl.loc[:,Xcol+impute]
    Y = train_cl.loc[:,Ycol]
    
    Xnorm = X
    
    kvals = np.linspace(10,80,20, dtype='int64')
    knn_errs = []
    for k in kvals:
        knn_err = []
        Xknn = KNN(k=k, verbose=False).fit_transform(Xnorm)
        knn_err = model_selection.cross_val_score(xgb, Xknn, Y, cv=10, n_jobs=-1).mean()

        knn_errs.append(knn_err)
#         print("[KNN] Estimated XGB Test Error (n = {}, k = {}, 10-fold CV): {}".format(len(Xknn), k, np.mean(knn_err)))
    
#     sns.set_style("darkgrid")
#     _ = plt.plot(kvals, knn_errs)
#     _ = plt.xlabel('K')
#     _ = plt.ylabel('10-fold CV Error Rate')

    knn_err = max(knn_errs)
    k_opt = kvals[knn_errs.index(knn_err)]

    Xknn = KNN(k=k_opt, verbose=False).fit_transform(Xnorm)
    Yknn = Y

    print("[BEST KNN] Estimated RF Test Error (n = {}, k = {}, 10-fold CV): {}".format(len(Xknn), k_opt, np.mean(knn_err)))
    
    return pd.DataFrame(Xknn).iloc[:,-1]
In [45]:
correlation_heatmap(train_cl)

Impute both Gender_Code for Train and test

In [46]:
train_cl.Gender_Code = find_KNN_parameter(impute=['Gender_Code'], related_col=['Married_Code','Dependents_Code','Tol_Income'])
[BEST KNN] Estimated RF Test Error (n = 614, k = 13, 10-fold CV): 0.6105906843611761
In [47]:
test_raw.Gender_Code = pd.DataFrame(KNN(k=13, verbose=False).fit_transform(test_raw.loc[:,['Married_Code','Dependents_Code']+['Gender_Code']])).iloc[:,-1]

Married is correlated with 'LoanAmount','Gender_Code','Dependent_Code'

In [48]:
train_cl.Married_Code = find_KNN_parameter(impute=['Married_Code'], related_col=['Gender_Code','Dependents_Code'])
[BEST KNN] Estimated RF Test Error (n = 614, k = 13, 10-fold CV): 0.6776476710902941
In [49]:
test_raw.Married_Code = pd.DataFrame(KNN(k=10, verbose=False).fit_transform(test_raw.loc[:,['Gender_Code','Dependents_Code']+['Married_Code']])).iloc[:,-1]

Impute Dependets_Code for both

In [50]:
train_cl.Dependents_Code = find_KNN_parameter(impute=['Dependents_Code'], related_col=['LoanAmount',
                                                                                      'Gender_Code','Married_Code'])
[BEST KNN] Estimated RF Test Error (n = 614, k = 43, 10-fold CV): 0.6320582877959928
In [51]:
test_raw.Dependents_Code = pd.DataFrame(KNN(k=43, verbose=False).fit_transform(test_raw.loc[:,['LoanAmount',
                                                                                      'Gender_Code','Married_Code']+['Dependents_Code']])).iloc[:,-1]
In [52]:
train_cl.Self_Employed_Code = find_KNN_parameter(impute=['Self_Employed_Code'],related_col=['ApplicantIncome','LoanAmount','Tol_Income'])
[BEST KNN] Estimated RF Test Error (n = 614, k = 10, 10-fold CV): 0.6237574811345303
In [53]:
test_raw.Self_Employed_Code = pd.DataFrame(KNN(k=10, verbose=False).fit_transform(test_raw.loc[:,['ApplicantIncome','LoanAmount','Tol_Income']+['Self_Employed_Code']])).iloc[:,-1]

Deal with Credit_History

In [54]:
test_raw.Credit_History.value_counts()
Out[54]:
1.0    279
0.0     59
Name: Credit_History, dtype: int64
In [55]:
train_cl.loc[train_cl.Credit_History.isnull(),['Credit_History','Target']].T
Out[55]:
16 24 30 42 79 83 86 95 117 125 ... 497 503 506 530 533 544 556 565 583 600
Credit_History NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN ... NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN
Target 1.0 0.0 0.0 1.0 1.0 0.0 1.0 0.0 1.0 1.0 ... 1.0 0.0 1.0 1.0 0.0 1.0 1.0 1.0 0.0 0.0

2 rows × 50 columns

In [56]:
train_cl.loc[(train_cl.Credit_History.isnull() & (train_cl.Target == 1)),['Credit_History']] = 1.0
In [57]:
train_cl.loc[(train_cl.Credit_History.isnull() & (train_cl.Target == 0)),['Credit_History']] = 0.0
In [58]:
test_raw.Credit_History.fillna(value=1.0,inplace=True)
test_raw.Credit_History.isnull().sum()
Out[58]:
0

Loan_Amount_Term

In [59]:
data_raw.Loan_Amount_Term.fillna(data_raw.Loan_Amount_Term.mode()[0], inplace = True)
train_cl.Loan_Amount_Term.fillna(train_cl.Loan_Amount_Term.mode()[0], inplace = True)
In [60]:
test_raw.Loan_Amount_Term.fillna(test_raw.Loan_Amount_Term.mode()[0], inplace = True)

LoanAmount

In [61]:
train_cl.LoanAmount = find_KNN_parameter(impute=['LoanAmount'],related_col=['ApplicantIncome','CoapplicantIncome','Tol_Income','Education_Code'])
[BEST KNN] Estimated RF Test Error (n = 614, k = 68, 10-fold CV): 0.626984126984127
In [62]:
test_raw.LoanAmount = pd.DataFrame(KNN(k=68, verbose=False).fit_transform(test_raw.loc[:,['ApplicantIncome','CoapplicantIncome','Tol_Income','Education_Code']+['LoanAmount']])).iloc[:,-1]

Now tranform 'Gender','Married','Denpendents','Self_Employed' according to their Code

In [63]:
print(train_cl.isnull().sum(),"-"*30,test_raw.isnull().sum(), sep='\n')
Gender                13
Married                3
Dependents            15
Education              0
Self_Employed         32
ApplicantIncome        0
CoapplicantIncome      0
LoanAmount             0
Loan_Amount_Term       0
Credit_History         0
Property_Area          0
Target                 0
Tol_Income             0
Gender_Code            0
Married_Code           0
Dependents_Code        0
Education_Code         0
Self_Employed_Code     0
Property_Area_Code     0
dtype: int64
------------------------------
Gender                11
Married                0
Dependents            10
Education              0
Self_Employed         23
ApplicantIncome        0
CoapplicantIncome      0
LoanAmount             0
Loan_Amount_Term       0
Credit_History         0
Property_Area          0
Tol_Income             0
Gender_Code            0
Married_Code           0
Dependents_Code        0
Education_Code         0
Self_Employed_Code     0
Property_Area_Code     0
dtype: int64
In [64]:
# all Gender_code is above 0.5, so all conver back to Male
train_cl.Gender.fillna('Male',inplace=True)
In [65]:
test_raw.loc[(test_raw.Gender.isnull() & (test_raw.Gender_Code < 0.5)),['Gender']] = 'Female'
test_raw.loc[(test_raw.Gender.isnull() & (test_raw.Gender_Code >= 0.5)),['Gender']] = 'Male'
In [66]:
train_cl.loc[(train_cl.Married.isnull() & (train_cl.Married_Code>0.5)),['Married']] = 'Yes'
In [67]:
train_cl.loc[(train_cl.Married.isnull() & (train_cl.Married_Code<0.5)),['Married']] = 'No'
In [68]:
train_cl.loc[train_cl.Dependents.isnull(),['Dependents','Dependents_Code']].T
Out[68]:
102 104 120 226 228 293 301 332 335 346 355 435 517 571 597
Dependents NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN
Dependents_Code 1.06977 1.06981 0.869056 0.73006 1.11595 1.24758 0.822673 0.00453161 1.06364 0.917605 0.713492 0.348837 0.989055 0.936525 0.016444
In [69]:
index_temp = train_cl[train_cl.Dependents.isnull()].index
index_temp
Out[69]:
Int64Index([102, 104, 120, 226, 228, 293, 301, 332, 335, 346, 355, 435, 517,
            571, 597],
           dtype='int64')
In [70]:
Dependents_List = []
for label, content in train_cl.loc[index_temp,['Dependents_Code']].iteritems():
    for x in content:
        Dependents_List.append(x)
In [71]:
train_cl.loc[index_temp,['Dependents']] = ['3+' if x>2.5 else '2' if x > 1.5 else '1' if x > 0.5 else '0' for x in Dependents_List]
In [72]:
train_cl.loc[index_temp,['Dependents','Dependents_Code']].T
Out[72]:
102 104 120 226 228 293 301 332 335 346 355 435 517 571 597
Dependents 1 1 1 1 1 1 1 0 1 1 1 0 1 1 0
Dependents_Code 1.06977 1.06981 0.869056 0.73006 1.11595 1.24758 0.822673 0.00453161 1.06364 0.917605 0.713492 0.348837 0.989055 0.936525 0.016444
In [73]:
test_raw.loc[test_raw.Dependents.isnull(),['Dependents','Dependents_Code']].T
Out[73]:
46 70 111 138 202 247 251 265 302 312
Dependents NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN
Dependents_Code 1.09989 0.216597 0.644774 0.000328403 1.10035 1.09302 0.854333 0.0330107 0.289009 0.00806739
In [74]:
index_temp = test_raw[test_raw.Dependents.isnull()].index
print(index_temp)
Dependents_List = []
for label, content in test_raw.loc[index_temp,['Dependents_Code']].iteritems():
    for x in content:
        Dependents_List.append(x)
test_raw.loc[index_temp,['Dependents']] = ['3+' if x>2.5 else '2' if x > 1.5 else '1' if x > 0.5 else '0' for x in Dependents_List]
Int64Index([46, 70, 111, 138, 202, 247, 251, 265, 302, 312], dtype='int64')
In [75]:
test_raw.loc[index_temp,['Dependents','Dependents_Code']].T
Out[75]:
46 70 111 138 202 247 251 265 302 312
Dependents 1 0 1 0 1 1 1 0 0 0
Dependents_Code 1.09989 0.216597 0.644774 0.000328403 1.10035 1.09302 0.854333 0.0330107 0.289009 0.00806739
In [76]:
train_cl.loc[train_cl.Self_Employed.isnull(),['Self_Employed','Self_Employed_Code']].T
Out[76]:
11 19 24 29 30 95 107 111 114 158 ... 411 432 447 463 468 535 542 579 600 601
Self_Employed NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN ... NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN
Self_Employed_Code 0.0676191 0 0.0904705 0 0 0.394229 0.53553 0.0437786 0.073222 0 ... 0.0486315 0.137412 0 0.351736 0.172851 0 0 0.0534923 0.216966 0.0964047

2 rows × 32 columns

In [77]:
train_cl.loc[(train_cl.Self_Employed.isnull() & (train_cl.Self_Employed_Code <= 0.5)),['Self_Employed']] = 'No'
train_cl.loc[(train_cl.Self_Employed.isnull() & (train_cl.Self_Employed_Code > 0.5)),['Self_Employed']] = 'Yes'
In [78]:
test_raw.loc[test_raw.Self_Employed.isnull(),['Self_Employed','Self_Employed_Code']].T
Out[78]:
8 11 13 36 72 89 142 161 168 175 ... 259 276 278 285 287 294 297 301 323 326
Self_Employed NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN ... NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN
Self_Employed_Code 0.00825466 0.0260525 0.0413798 0 0.602033 0.000986547 0.674329 0 0 0.0533725 ... 0.0593533 6.18768e-06 0.0319852 0.838566 0.129598 0.0327628 0 0.311468 0.0737431 0

2 rows × 23 columns

In [79]:
test_raw.loc[(test_raw.Self_Employed.isnull() & (test_raw.Self_Employed_Code <= 0.5)),['Self_Employed']] = 'No'
test_raw.loc[(test_raw.Self_Employed.isnull() & (test_raw.Self_Employed_Code > 0.5)),['Self_Employed']] = 'Yes'
In [80]:
temp_test = pd.read_csv('test.csv')
train_cl['Loan_time_ratio'] = train_cl.LoanAmount / data_raw.Loan_Amount_Term
test_raw['Loan_time_ratio'] = test_raw.LoanAmount / temp_test.Loan_Amount_Term
In [81]:
correlation_heatmap(train_cl)
In [82]:
train_cl.Loan_Amount_Term.value_counts()
Out[82]:
0.743590    526
0.358974     44
1.000000     15
0.615385     13
0.153846      4
0.487179      4
0.230769      3
0.102564      2
0.051282      2
0.000000      1
Name: Loan_Amount_Term, dtype: int64
In [83]:
train_cl.head(20).T
Out[83]:
0 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19
Gender Male Male Male Male Male Male Male Male Male Male Male Male Male Male Male Male Male Female Male Male
Married No Yes Yes Yes No Yes Yes Yes Yes Yes Yes Yes Yes No Yes No No No Yes Yes
Dependents 0 1 0 0 0 2 0 3+ 2 1 2 2 2 0 2 0 1 0 0 0
Education Graduate Graduate Graduate Not Graduate Graduate Graduate Not Graduate Graduate Graduate Graduate Graduate Graduate Graduate Graduate Graduate Graduate Not Graduate Graduate Not Graduate Graduate
Self_Employed No No Yes No No Yes No No No No No No No No No No No No No No
ApplicantIncome 0.581854 0.543052 0.475649 0.451844 0.585909 0.569648 0.435654 0.477546 0.521647 0.70696 0.485914 0.44665 0.479473 0.399021 0.34254 0.555306 0.504472 0.500622 0.553269 0.452888
CoapplicantIncome 0 0.0361917 0 0.0565915 0 0.100703 0.0363837 0.0600955 0.0366237 0.26323 0.0167999 0.0441596 0.194542 0.0681595 0.0260638 0 0 0 0 0.0839993
LoanAmount 0.204956 0.172214 0.0824891 0.160637 0.191027 0.373372 0.124457 0.21563 0.230101 0.492041 0.0882779 0.144718 0.276411 0.151954 0.0115774 0.167873 0.131693 0.0969609 0.17945 0.153401
Loan_Amount_Term 0.74359 0.74359 0.74359 0.74359 0.74359 0.74359 0.74359 0.74359 0.74359 0.74359 0.74359 0.74359 0.74359 0.74359 0.230769 0.74359 0.487179 0.74359 0.74359 0.74359
Credit_History 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 1 1
Property_Area Urban Rural Urban Urban Urban Urban Urban Semiurban Urban Semiurban Urban Urban Urban Rural Urban Urban Urban Urban Rural Urban
Target 1 0 1 1 1 1 1 0 1 0 1 1 1 0 1 1 1 0 0 1
Tol_Income 0.34752 0.357583 0.181795 0.305642 0.353847 0.470859 0.243648 0.334046 0.333688 0.696019 0.246915 0.273449 0.508326 0.292859 0.124858 0.306094 0.226771 0.220763 0.302914 0.35795
Gender_Code 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1
Married_Code 0 1 1 1 0 1 1 1 1 1 1 1 1 0 1 0 0 0 1 1
Dependents_Code 0 1 0 0 0 2 0 3 2 1 2 2 2 0 2 0 1 0 0 0
Education_Code 1 1 1 0 1 1 0 1 1 1 1 1 1 1 1 1 0 1 0 1
Self_Employed_Code 0 0 1 0 0 1 0 0 0 0 0 0.0676191 0 0 0 0 0 0 0 0
Property_Area_Code 2 0 2 2 2 2 2 1 2 1 2 2 2 0 2 2 2 2 0 2
Loan_time_ratio 0.000569322 0.000478373 0.000229137 0.000446213 0.000530632 0.00103714 0.000345715 0.000598971 0.00063917 0.00136678 0.000245216 0.000401994 0.000767808 0.000422094 9.64785e-05 0.000466313 0.000548722 0.000269336 0.000498472 0.000426114
In [84]:
test_raw.head(20).T
Out[84]:
0 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19
Gender Male Male Male Male Male Male Female Male Male Male Male Male Male Male Female Male Male Male Male Male
Married Yes Yes Yes Yes No Yes No Yes Yes No No Yes No Yes No No Yes Yes Yes No
Dependents 0 1 2 2 0 0 1 2 2 0 0 1 3+ 2 0 1 2 3+ 0 0
Education Graduate Graduate Graduate Graduate Not Graduate Not Graduate Not Graduate Not Graduate Graduate Not Graduate Not Graduate Graduate Graduate Graduate Graduate Graduate Graduate Graduate Graduate Graduate
Self_Employed No No No No No Yes No No No No No No No No No No No No No No
ApplicantIncome 909.314 488.626 794.755 371.52 520.448 343.676 353.382 616.71 2168.36 381.067 491.013 346.858 662.056 1936.05 741.612 900.881 728.406 601.594 1467.16 206.045
CoapplicantIncome 0 0.0359997 0.0431997 0.0611035 0 0.0821273 0 0 0 0.0575995 0 0.0363837 0 0 0 0 0.0699834 0.00799194 0.189982 0.0832793
LoanAmount 0.146165 0.16932 0.287988 0.131693 0.0998553 0.206946 0.0723589 0.199711 0.392185 0.164978 0.117221 0.221418 0.0448625 0.227207 0.166425 0.176556 0.276411 0.16932 0.421129 0.131693
Loan_Amount_Term 0.74359 0.74359 0.74359 0.74359 0.74359 0.74359 0.74359 0.74359 0.487179 0.74359 0.74359 0.74359 0.358974 0.74359 0.74359 0.74359 0.74359 0.74359 0.74359 0.358974
Credit_History 1 1 1 1 1 1 1 0 1 1 1 1 1 0 1 1 1 1 1 1
Property_Area Urban Urban Urban Urban Urban Urban Semiurban Rural Urban Semiurban Urban Semiurban Urban Semiurban Semiurban Urban Urban Semiurban Urban Semiurban
Tol_Income 1418.35 1134.32 1686.49 1211.28 811.554 1385.33 550.862 961.762 3382.97 1189.93 765.622 917.072 1032.52 3020.49 1156.66 1405.19 1860.03 1020.85 4254.18 1182.48
Gender_Code 1 1 1 1 1 1 0 1 1 1 1 1 1 1 0 1 1 1 1 1
Married_Code 1 1 1 1 0 1 0 1 1 0 0 1 0 1 0 0 1 1 1 0
Dependents_Code 0 1 2 2 0 0 1 2 2 0 0 1 3 2 0 1 2 3 0 0
Education_Code 1 1 1 1 0 0 0 0 1 0 0 1 1 1 1 1 1 1 1 1
Self_Employed_Code 0 0 0 0 0 1 0 0 0.00825466 0 0 0.0260525 0 0.0413798 0 0 0 0 0 0
Property_Area_Code 2 2 2 2 2 2 1 0 2 1 2 1 2 1 1 2 2 1 2 1
Loan_time_ratio 0.000406014 0.000470333 0.000799968 0.000365814 0.000277376 0.000574851 0.000200997 0.000554752 0.00163411 0.000458273 0.000325615 0.000615051 0.000249236 0.00063113 0.000462293 0.000490433 0.000767808 0.000470333 0.0011698 0.000731629
In [85]:
train_cl.dtypes
Out[85]:
Gender                 object
Married                object
Dependents             object
Education              object
Self_Employed          object
ApplicantIncome       float64
CoapplicantIncome     float64
LoanAmount            float64
Loan_Amount_Term      float64
Credit_History        float64
Property_Area          object
Target                  int64
Tol_Income            float64
Gender_Code           float64
Married_Code          float64
Dependents_Code       float64
Education_Code          int64
Self_Employed_Code    float64
Property_Area_Code      int64
Loan_time_ratio       float64
dtype: object
In [86]:
# Applying a log(1+x) transformation to all skewed numeric features
numeric_feats = ['ApplicantIncome','CoapplicantIncome','LoanAmount','Loan_Amount_Term','Tol_Income','Loan_time_ratio']

# Compute Their Skewness
skewed_feats = train_cl[numeric_feats].apply(lambda x: skew(x)).sort_values(ascending=False)
skewness = pd.DataFrame({'Skew': skewed_feats})
skewness.head(6)
Out[86]:
Skew
Loan_time_ratio 9.185549
CoapplicantIncome 7.473217
LoanAmount 2.689217
Tol_Income 1.074415
ApplicantIncome 0.480949
Loan_Amount_Term -2.396240
In [87]:
temp.Transformed = np.log(train_cl.CoapplicantIncome+0.01)
In [88]:
temp.Transformed = np.log(train_cl.LoanAmount+0.05)
In [89]:
skew(temp.Transformed)
Out[89]:
0.41457949304273256
In [90]:
train_cl.CoapplicantIncome = np.log(train_cl.CoapplicantIncome+0.01)
In [91]:
train_cl.LoanAmount = np.log(train_cl.LoanAmount+0.05)
In [92]:
train_cl.head(20).T
Out[92]:
0 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19
Gender Male Male Male Male Male Male Male Male Male Male Male Male Male Male Male Male Male Female Male Male
Married No Yes Yes Yes No Yes Yes Yes Yes Yes Yes Yes Yes No Yes No No No Yes Yes
Dependents 0 1 0 0 0 2 0 3+ 2 1 2 2 2 0 2 0 1 0 0 0
Education Graduate Graduate Graduate Not Graduate Graduate Graduate Not Graduate Graduate Graduate Graduate Graduate Graduate Graduate Graduate Graduate Graduate Not Graduate Graduate Not Graduate Graduate
Self_Employed No No Yes No No Yes No No No No No No No No No No No No No No
ApplicantIncome 0.581854 0.543052 0.475649 0.451844 0.585909 0.569648 0.435654 0.477546 0.521647 0.70696 0.485914 0.44665 0.479473 0.399021 0.34254 0.555306 0.504472 0.500622 0.553269 0.452888
CoapplicantIncome -4.60517 -3.07495 -4.60517 -2.70918 -4.60517 -2.2009 -3.07081 -2.6579 -3.06565 -1.29744 -3.61936 -2.91582 -1.58698 -2.549 -3.32247 -4.60517 -4.60517 -4.60517 -4.60517 -2.36447
LoanAmount -1.36666 -1.50411 -2.02125 -1.55762 -1.42284 -0.859504 -1.74608 -1.32565 -1.2726 -0.612415 -1.97849 -1.6362 -1.1196 -1.59972 -2.78746 -1.52384 -1.70544 -1.91759 -1.47207 -1.59258
Loan_Amount_Term 0.74359 0.74359 0.74359 0.74359 0.74359 0.74359 0.74359 0.74359 0.74359 0.74359 0.74359 0.74359 0.74359 0.74359 0.230769 0.74359 0.487179 0.74359 0.74359 0.74359
Credit_History 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 0 1 1
Property_Area Urban Rural Urban Urban Urban Urban Urban Semiurban Urban Semiurban Urban Urban Urban Rural Urban Urban Urban Urban Rural Urban
Target 1 0 1 1 1 1 1 0 1 0 1 1 1 0 1 1 1 0 0 1
Tol_Income 0.34752 0.357583 0.181795 0.305642 0.353847 0.470859 0.243648 0.334046 0.333688 0.696019 0.246915 0.273449 0.508326 0.292859 0.124858 0.306094 0.226771 0.220763 0.302914 0.35795
Gender_Code 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1 1
Married_Code 0 1 1 1 0 1 1 1 1 1 1 1 1 0 1 0 0 0 1 1
Dependents_Code 0 1 0 0 0 2 0 3 2 1 2 2 2 0 2 0 1 0 0 0
Education_Code 1 1 1 0 1 1 0 1 1 1 1 1 1 1 1 1 0 1 0 1
Self_Employed_Code 0 0 1 0 0 1 0 0 0 0 0 0.0676191 0 0 0 0 0 0 0 0
Property_Area_Code 2 0 2 2 2 2 2 1 2 1 2 2 2 0 2 2 2 2 0 2
Loan_time_ratio 0.000569322 0.000478373 0.000229137 0.000446213 0.000530632 0.00103714 0.000345715 0.000598971 0.00063917 0.00136678 0.000245216 0.000401994 0.000767808 0.000422094 9.64785e-05 0.000466313 0.000548722 0.000269336 0.000498472 0.000426114
In [93]:
train_cl.columns
Out[93]:
Index(['Gender', 'Married', 'Dependents', 'Education', 'Self_Employed',
       'ApplicantIncome', 'CoapplicantIncome', 'LoanAmount',
       'Loan_Amount_Term', 'Credit_History', 'Property_Area', 'Target',
       'Tol_Income', 'Gender_Code', 'Married_Code', 'Dependents_Code',
       'Education_Code', 'Self_Employed_Code', 'Property_Area_Code',
       'Loan_time_ratio'],
      dtype='object')
In [94]:
catboost_columns = ['Gender', 'Married', 'Dependents', 'Education', 'Self_Employed',
       'ApplicantIncome', 'CoapplicantIncome', 'LoanAmount',
       'Loan_Amount_Term', 'Credit_History', 'Property_Area',
       'Tol_Income']
In [95]:
ML_columns=['ApplicantIncome', 'CoapplicantIncome', 'LoanAmount',
       'Loan_Amount_Term', 'Credit_History', 
       'Tol_Income', 'Gender_Code', 'Married_Code', 'Dependents_Code',
       'Education_Code', 'Self_Employed_Code', 'Property_Area_Code']
In [96]:
len(catboost_columns)
Out[96]:
12
In [97]:
len(ML_columns)
Out[97]:
12

Save the final datasets

In [98]:
X_normal = train_cl[ML_columns]
Y_normal = train_cl['Target']
test_normal = test_raw[ML_columns]
X_cat = train_cl[catboost_columns]
Y_cat = train_cl['Target']
test_cat = test_raw[catboost_columns]
In [336]:
X_normal.to_csv('X_normal.csv')
Y_normal.to_csv('Y_normal.csv',header='Target')
test_normal.to_csv('test_normal.csv')
X_cat.to_csv('X_cat.csv')
Y_cat.to_csv('Y_cat.csv',header='Target')
test_cat.to_csv('test_cat.csv')

Load dataset for ML models

In [337]:
# X_normal = pd.read_csv('X_normal.csv',index_col=0)
# Y_normal = pd.read_csv('Y_normal.csv',index_col=0)
# test_normal = pd.read_csv('test_normal.csv',index_col=0)
# X_cat = pd.read_csv('X_cat.csv',index_col=0)
# Y_cat = pd.read_csv('Y_cat.csv',index_col=0)
# test_cat = pd.read_csv('test_cat.csv',index_col=0)
In [99]:
X_normal.head(20).T
Out[99]:
0 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19
ApplicantIncome 0.581854 0.543052 0.475649 0.451844 0.585909 0.569648 0.435654 0.477546 0.521647 0.706960 0.485914 0.446650 0.479473 0.399021 0.342540 0.555306 0.504472 0.500622 0.553269 0.452888
CoapplicantIncome -4.605170 -3.074955 -4.605170 -2.709178 -4.605170 -2.200903 -3.070807 -2.657896 -3.065646 -1.297442 -3.619358 -2.915819 -1.586980 -2.549004 -3.322466 -4.605170 -4.605170 -4.605170 -4.605170 -2.364468
LoanAmount -1.366664 -1.504114 -2.021255 -1.557620 -1.422844 -0.859504 -1.746075 -1.325653 -1.272604 -0.612415 -1.978490 -1.636204 -1.119598 -1.599717 -2.787460 -1.523845 -1.705436 -1.917589 -1.472070 -1.592577
Loan_Amount_Term 0.743590 0.743590 0.743590 0.743590 0.743590 0.743590 0.743590 0.743590 0.743590 0.743590 0.743590 0.743590 0.743590 0.743590 0.230769 0.743590 0.487179 0.743590 0.743590 0.743590
Credit_History 1.000000 1.000000 1.000000 1.000000 1.000000 1.000000 1.000000 0.000000 1.000000 1.000000 1.000000 1.000000 1.000000 1.000000 1.000000 1.000000 1.000000 0.000000 1.000000 1.000000
Tol_Income 0.347520 0.357583 0.181795 0.305642 0.353847 0.470859 0.243648 0.334046 0.333688 0.696019 0.246915 0.273449 0.508326 0.292859 0.124858 0.306094 0.226771 0.220763 0.302914 0.357950
Gender_Code 1.000000 1.000000 1.000000 1.000000 1.000000 1.000000 1.000000 1.000000 1.000000 1.000000 1.000000 1.000000 1.000000 1.000000 1.000000 1.000000 1.000000 0.000000 1.000000 1.000000
Married_Code 0.000000 1.000000 1.000000 1.000000 0.000000 1.000000 1.000000 1.000000 1.000000 1.000000 1.000000 1.000000 1.000000 0.000000 1.000000 0.000000 0.000000 0.000000 1.000000 1.000000
Dependents_Code 0.000000 1.000000 0.000000 0.000000 0.000000 2.000000 0.000000 3.000000 2.000000 1.000000 2.000000 2.000000 2.000000 0.000000 2.000000 0.000000 1.000000 0.000000 0.000000 0.000000
Education_Code 1.000000 1.000000 1.000000 0.000000 1.000000 1.000000 0.000000 1.000000 1.000000 1.000000 1.000000 1.000000 1.000000 1.000000 1.000000 1.000000 0.000000 1.000000 0.000000 1.000000
Self_Employed_Code 0.000000 0.000000 1.000000 0.000000 0.000000 1.000000 0.000000 0.000000 0.000000 0.000000 0.000000 0.067619 0.000000 0.000000 0.000000 0.000000 0.000000 0.000000 0.000000 0.000000
Property_Area_Code 2.000000 0.000000 2.000000 2.000000 2.000000 2.000000 2.000000 1.000000 2.000000 1.000000 2.000000 2.000000 2.000000 0.000000 2.000000 2.000000 2.000000 2.000000 0.000000 2.000000

Machine Learning

SklearnHelper

In [100]:
ntrain = X_normal.shape[0]
ntest = test_normal.shape[0]
In [101]:
SEED = 7
NFOLDS = 5
kf = KFold(n_splits=NFOLDS, random_state=SEED)

# class SklearnHelper(BaseEstimator):
#     def __init__(self, clf, seed=0, params=None):
# #         params['random_state'] = seed
#         self.clf = clf(**params)

#     def train(self, x_train, y_train):
#         self.clf.fit(x_train, y_train)

#     def predict(self, x):
#         return self.clf.predict(x)
    
#     def fit(self,x,y):
#         return self.clf.fit(x,y)
    
#     def feature_importances(self,x,y):
#         print(self.clf.fit(x,y).feature_importances_)

Out-of-Fold Prediction

In [102]:
def get_oof(classifier,train_x,train_y,test_x):
    oof_train = np.zeros((ntrain,))
    oof_test = np.zeros((ntest,))
    oof_test_skf = np.zeros((NFOLDS,ntest))
    
    for i,(train_idx,test_idx) in enumerate(kf.split(train_x)):
        kf_train_x = train_x.iloc[train_idx]
        kf_train_y = train_y[train_idx]
        kf_test_x = train_x.iloc[test_idx]
        
        classifier.fit(kf_train_x,kf_train_y)
        oof_train[test_idx] = classifier.predict(kf_test_x)
        oof_test_skf[i,:] = classifier.predict(test_x)
    
    oof_test = oof_test_skf.mean(axis=0)
    
    return oof_train.reshape(-1,1),oof_test.reshape(-1,1)
In [104]:
# def get_oof(clf, x_train, y_train, x_test):
#     oof_train = np.zeros((ntrain,))
#     oof_test = np.zeros((ntest,))
#     oof_test_skf = np.zeros((NFOLDS, ntest))

#     for i, (train_index, test_index) in enumerate(kf.split(x_train)):
# #         print(i,'train_index are:', train_index, 'test_index are:', test_index, sep='\n')
#         x_tr = x_train.iloc[train_index]
#         y_tr = y_train[train_index]
#         x_te = x_train.iloc[test_index]

#         clf.fit(x_tr, y_tr)

#         oof_train[test_index] = clf.predict(x_te)
#         oof_test_skf[i, :] = clf.predict(x_test)

#     oof_test[:] = oof_test_skf.mean(axis=0) 
# #     print(oof_train.reshape(-1, 1).shape)
#     return oof_train.reshape(-1, 1), oof_test.reshape(-1, 1)

Test with many ML algorithms with default parameters

In [105]:
MLA = [
#     Ensemble Methods
    ensemble.AdaBoostClassifier(),
    ensemble.BaggingClassifier(),
    ensemble.ExtraTreesClassifier(),
    ensemble.GradientBoostingClassifier(),
    ensemble.RandomForestClassifier(),

#     Gaussian Processes
    gaussian_process.GaussianProcessClassifier(),
    
#     GLM
    linear_model.LogisticRegression(),
    linear_model.PassiveAggressiveClassifier(),
    linear_model.RidgeClassifier(),
    linear_model.Lasso(),
    linear_model.ElasticNet(),
    linear_model.SGDClassifier(),
    linear_model.Perceptron(),
    
#     Kernel Method
    KernelRidge(),
    
#     Navies Bayes
    naive_bayes.BernoulliNB(),
    naive_bayes.GaussianNB(),
    
#     Nearest Neighbor
    neighbors.KNeighborsClassifier(),
    
    #SVM
    svm.SVC(probability=True),
    svm.NuSVC(probability=True),
    svm.LinearSVC(),
    
#     Trees    
    tree.DecisionTreeClassifier(),
    tree.ExtraTreeClassifier(),
    
    #Discriminant Analysis
    discriminant_analysis.LinearDiscriminantAnalysis(),
    discriminant_analysis.QuadraticDiscriminantAnalysis(),

    
    #xgboost: http://xgboost.readthedocs.io/en/latest/model.html
    XGBClassifier(learning_rate=0.01, gamma=0.1, max_depth=2, n_estimators=500, min_child_weight=1, seed=0)    
    ]
#note: this is an alternative to train_test_split
cv_split = model_selection.ShuffleSplit(n_splits=10, test_size=0.3, train_size=0.6)

#create table to compare MLA metrics
MLA_columns = ['MLA Name', 'MLA Parameters','MLA Train Accuracy Mean', 'MLA Test Accuracy Mean', 'MLA Test Accuracy 3*STD' ,'MLA Time']
MLA_compare = pd.DataFrame(columns = MLA_columns)

#create table to compare MLA predictions
# MLA_predict = Y_normal
In [106]:
row_index = 0
for alg in MLA:

    #set name and parameters
    MLA_name = alg.__class__.__name__
    MLA_compare.loc[row_index, 'MLA Name'] = MLA_name
    MLA_compare.loc[row_index, 'MLA Parameters'] = str(alg.get_params())
    
    #score model with cross validation: http://scikit-learn.org/stable/modules/generated/sklearn.model_selection.cross_validate.html#sklearn.model_selection.cross_validate
    cv_results = model_selection.cross_validate(alg, train_cl[ML_columns], train_cl['Target'], cv  = cv_split,scoring='roc_auc')

    MLA_compare.loc[row_index, 'MLA Time'] = cv_results['fit_time'].mean()
    MLA_compare.loc[row_index, 'MLA Train Accuracy Mean'] = cv_results['train_score'].mean()
    MLA_compare.loc[row_index, 'MLA Test Accuracy Mean'] = cv_results['test_score'].mean()   
    #if this is a non-bias random sample, then +/-3 standard deviations (std) from the mean, should statistically capture 99.7% of the subsets
    MLA_compare.loc[row_index, 'MLA Test Accuracy 3*STD'] = cv_results['test_score'].std()*3   #let's know the worst that can happen!
    

    #save MLA predictions - see section 6 for usage
    alg.fit(train_cl[ML_columns], train_cl['Target'])
#     MLA_predict[MLA_name] = alg.predict(train_cl[ML_columns])
    
    row_index+=1

    
#print and sort table: https://pandas.pydata.org/pandas-docs/stable/generated/pandas.DataFrame.sort_values.html
MLA_compare.sort_values(by = ['MLA Test Accuracy Mean'], ascending = False, inplace = True)
MLA_compare
Out[106]:
MLA Name MLA Parameters MLA Train Accuracy Mean MLA Test Accuracy Mean MLA Test Accuracy 3*STD MLA Time
17 SVC {'C': 1.0, 'cache_size': 200, 'class_weight': ... 0.877543 0.794512 0.0856897 0.017688
3 GradientBoostingClassifier {'criterion': 'friedman_mse', 'init': None, 'l... 0.995455 0.784711 0.0785367 0.0489725
18 NuSVC {'cache_size': 200, 'class_weight': None, 'coe... 0.87161 0.783282 0.0773282 0.0194854
14 BernoulliNB {'alpha': 1.0, 'binarize': 0.0, 'class_prior':... 0.804903 0.781954 0.0563082 0.00180044
5 GaussianProcessClassifier {'copy_X_train': True, 'kernel': None, 'max_it... 0.906879 0.770585 0.110515 0.080634
1 BaggingClassifier {'base_estimator': None, 'bootstrap': True, 'b... 0.999093 0.766669 0.0523221 0.0132912
15 GaussianNB {'priors': None, 'var_smoothing': 1e-09} 0.816913 0.765621 0.151835 0.00169895
2 ExtraTreesClassifier {'bootstrap': False, 'class_weight': None, 'cr... 1 0.762915 0.0863382 0.00919468
4 RandomForestClassifier {'bootstrap': True, 'class_weight': None, 'cri... 0.99945 0.758749 0.124012 0.00889556
13 KernelRidge {'alpha': 1, 'coef0': 1, 'degree': 3, 'gamma':... 0.804165 0.754838 0.0704009 0.00609648
23 QuadraticDiscriminantAnalysis {'priors': None, 'reg_param': 0.0, 'store_cova... 0.853942 0.754048 0.0906167 0.00139761
22 LinearDiscriminantAnalysis {'n_components': None, 'priors': None, 'shrink... 0.816013 0.748352 0.113449 0.00249908
8 RidgeClassifier {'alpha': 1.0, 'class_weight': None, 'copy_X':... 0.813459 0.746116 0.162612 0.00250025
11 SGDClassifier {'alpha': 0.0001, 'average': False, 'class_wei... 0.769861 0.739958 0.171501 0.00190144
19 LinearSVC {'C': 1.0, 'class_weight': None, 'dual': True,... 0.809817 0.738871 0.090019 0.0184934
24 XGBClassifier {'base_score': 0.5, 'booster': 'gbtree', 'cols... 0.902842 0.738579 0.105302 0.135453
0 AdaBoostClassifier {'algorithm': 'SAMME.R', 'base_estimator': Non... 0.938768 0.735136 0.110846 0.0445719
6 LogisticRegression {'C': 1.0, 'class_weight': None, 'dual': False... 0.811323 0.73422 0.0982135 0.00259831
12 Perceptron {'alpha': 0.0001, 'class_weight': None, 'early... 0.77725 0.731619 0.0738944 0.00150161
7 PassiveAggressiveClassifier {'C': 1.0, 'average': False, 'class_weight': N... 0.779816 0.728734 0.125152 0.00170166
16 KNeighborsClassifier {'algorithm': 'auto', 'leaf_size': 30, 'metric... 0.879053 0.714513 0.0846905 0.00160058
20 DecisionTreeClassifier {'class_weight': None, 'criterion': 'gini', 'm... 1 0.695339 0.103276 0.00369956
21 ExtraTreeClassifier {'class_weight': None, 'criterion': 'gini', 'm... 1 0.662277 0.0975827 0.0018019
10 ElasticNet {'alpha': 1.0, 'copy_X': True, 'fit_intercept'... 0.5 0.5 0 0.00160019
9 Lasso {'alpha': 1.0, 'copy_X': True, 'fit_intercept'... 0.5 0.5 0 0.0017046

Here we select

1.BernoulliNB
2.RidgeClassifierCV    
3.LinearSVC
4.NuSVC
5.LogisticRegressionCV
6.XGBClassifier
7.LightGMB
8.RandomForestClassifier
9.ExtraTreesClassifier
10.KNeighborsClassifier
11.CatBoost
In [107]:
train_cl.Target.value_counts()
Out[107]:
1    422
0    192
Name: Target, dtype: int64

Create class for MLA and HP-tuning

In [125]:
cv = model_selection.StratifiedKFold(n_splits=7, random_state=SEED)
In [121]:
from hyperopt import space_eval
In [238]:
class Bayesian_Optimizer:
    def __init__(self, clf, param_space, scoring_metrics ='f1_weighted', 
                 max_eval = 100 , cv = cv ,train_set=train_cl, X_col=ML_columns, Y_col = 'Target'):
        self.clf = clf
        self.param_space = param_space
        self.max_eval = max_eval
        self.train_set = train_set
        self.X_col = X_col
        self.Y_col = Y_col
        self.scoring_metrics = scoring_metrics
        self.cv = cv
        self.epoch = 1
        
    def hyperopt_run(self, space):
        model = self.clf(**space)
        score = cross_val_score(model,
                                self.train_set[self.X_col], 
                                self.train_set[self.Y_col], 
#                                 cv  = self.cv,
                                cv=5,
                                scoring=self.scoring_metrics                     
                               )
        print("Epoch : {}: {} Score {:.3f} params {}".format(self.epoch, self.scoring_metrics,score.mean(), space))
        self.epoch+=1
        return {'loss':(1 - score.mean()), 'status': STATUS_OK}
    def HP_optimization(self):
        trials = Trials()
        best = fmin(fn=self.hyperopt_run,
                    space=self.param_space,
                    algo=tpe.suggest,
                    max_evals=self.max_eval
                    )
        best_option = space_eval(self.param_space, best)
        self.best_option = best_option
        print('the best option is:', best_option)
        clf = self.clf(**self.best_option)
        final_score = cross_val_score(clf,
                                      self.train_set[self.X_col],
                                      self.train_set[self.Y_col],
                                      cv  = self.cv,
                                      scoring=self.scoring_metrics                            
                               )
        print('Cooresponding loss:', final_score.mean(), sep='\n')
In [ ]:
 
In [310]:
model = naive_bayes.BernoulliNB(alpha=1)
score1 = cross_val_score(model,
                        train_cl[ML_columns], 
                        train_cl['Target'], 
#                          cv  = self.cv,
                        cv=5,
                        scoring='balanced_accuracy'
                       )
In [311]:
model = naive_bayes.BernoulliNB(alpha=5)
score2 = cross_val_score(model,
                        train_cl[ML_columns], 
                        train_cl['Target'], 
#                          cv  = self.cv,
                        cv=5,
                        scoring='balanced_accuracy'
                       )
In [312]:
model = naive_bayes.BernoulliNB(alpha=10)
score3 = cross_val_score(model,
                        train_cl[ML_columns], 
                        train_cl['Target'], 
#                          cv  = self.cv,
                        cv=5,
                        scoring='balanced_accuracy'
                       )
In [313]:
model = linear_model.RidgeClassifier(**Ridge.best_option)
score4 = cross_val_score(model,
                        train_cl[ML_columns], 
                        train_cl['Target'], 
#                          cv  = self.cv,
                        cv=5,
                        scoring='balanced_accuracy'
                       )
In [314]:
model = svm.SVC(**SVC.best_option)
score5 = cross_val_score(model,
                        train_cl[ML_columns], 
                        train_cl['Target'], 
#                          cv  = self.cv,
                        cv=5,
                        scoring='balanced_accuracy'
                       )
In [315]:
print(score1,score2,score3,score4,score5, sep='\n')
[0.76334842 0.68054299 0.68546366 0.7966792  0.77036341]
[0.76334842 0.68054299 0.68546366 0.7966792  0.77036341]
[0.76334842 0.68054299 0.68546366 0.7966792  0.77036341]
[0.76334842 0.68054299 0.68546366 0.7966792  0.77036341]
[0.76923077 0.68054299 0.68546366 0.7966792  0.77036341]
In [ ]:
 
In [239]:
NB_space = {
    'alpha': hp.uniform('alpha',0,10)
}
NB = Bayesian_Optimizer(clf=naive_bayes.BernoulliNB, param_space=NB_space, max_eval=500)
NB.HP_optimization()
Epoch : 1: f1_weighted Score 0.812 params {'alpha': 9.442523561210042}
Epoch : 2: f1_weighted Score 0.812 params {'alpha': 9.791168535830156}
Epoch : 3: f1_weighted Score 0.812 params {'alpha': 3.0121736866668867}
Epoch : 4: f1_weighted Score 0.812 params {'alpha': 7.955005699845429}
Epoch : 5: f1_weighted Score 0.812 params {'alpha': 6.481950127602416}
Epoch : 6: f1_weighted Score 0.812 params {'alpha': 1.726291620858963}
Epoch : 7: f1_weighted Score 0.812 params {'alpha': 1.4846186725354071}
Epoch : 8: f1_weighted Score 0.812 params {'alpha': 3.685402697681651}
Epoch : 9: f1_weighted Score 0.812 params {'alpha': 2.026114447327446}
Epoch : 10: f1_weighted Score 0.812 params {'alpha': 1.5830186482667263}
Epoch : 11: f1_weighted Score 0.812 params {'alpha': 6.867007591908292}
Epoch : 12: f1_weighted Score 0.812 params {'alpha': 1.9479199845599027}
Epoch : 13: f1_weighted Score 0.812 params {'alpha': 9.83382765149963}
Epoch : 14: f1_weighted Score 0.812 params {'alpha': 7.531592537757933}
Epoch : 15: f1_weighted Score 0.812 params {'alpha': 0.57853790419235}
Epoch : 16: f1_weighted Score 0.812 params {'alpha': 5.951090574816029}
Epoch : 17: f1_weighted Score 0.812 params {'alpha': 9.874659940038036}
Epoch : 18: f1_weighted Score 0.812 params {'alpha': 5.157433578288105}
Epoch : 19: f1_weighted Score 0.812 params {'alpha': 5.533672950842289}
Epoch : 20: f1_weighted Score 0.812 params {'alpha': 1.5872704403101956}
Epoch : 21: f1_weighted Score 0.812 params {'alpha': 4.439319841943518}
Epoch : 22: f1_weighted Score 0.812 params {'alpha': 8.518038464338762}
Epoch : 23: f1_weighted Score 0.812 params {'alpha': 8.911647376917054}
Epoch : 24: f1_weighted Score 0.812 params {'alpha': 4.132499482115128}
Epoch : 25: f1_weighted Score 0.812 params {'alpha': 8.783026683585256}
Epoch : 26: f1_weighted Score 0.812 params {'alpha': 8.74043468662034}
Epoch : 27: f1_weighted Score 0.812 params {'alpha': 4.17421374364332}
Epoch : 28: f1_weighted Score 0.812 params {'alpha': 9.132774867295108}
Epoch : 29: f1_weighted Score 0.812 params {'alpha': 7.367741064555564}
Epoch : 30: f1_weighted Score 0.812 params {'alpha': 3.1055864310120844}
Epoch : 31: f1_weighted Score 0.812 params {'alpha': 9.305522668400835}
Epoch : 32: f1_weighted Score 0.812 params {'alpha': 7.623712408147223}
Epoch : 33: f1_weighted Score 0.812 params {'alpha': 3.0278295831464894}
Epoch : 34: f1_weighted Score 0.812 params {'alpha': 8.115115130586497}
Epoch : 35: f1_weighted Score 0.812 params {'alpha': 6.3143657361965335}
Epoch : 36: f1_weighted Score 0.812 params {'alpha': 0.5834494970878739}
Epoch : 37: f1_weighted Score 0.812 params {'alpha': 4.875756473298307}
Epoch : 38: f1_weighted Score 0.812 params {'alpha': 2.371899655846306}
Epoch : 39: f1_weighted Score 0.812 params {'alpha': 8.275293795571217}
Epoch : 40: f1_weighted Score 0.812 params {'alpha': 6.817470535359009}
Epoch : 41: f1_weighted Score 0.812 params {'alpha': 9.404044543705854}
Epoch : 42: f1_weighted Score 0.812 params {'alpha': 9.945093434967715}
Epoch : 43: f1_weighted Score 0.812 params {'alpha': 3.805074671004756}
Epoch : 44: f1_weighted Score 0.812 params {'alpha': 1.1413554836145594}
Epoch : 45: f1_weighted Score 0.812 params {'alpha': 7.174026045003098}
Epoch : 46: f1_weighted Score 0.812 params {'alpha': 7.883032068685458}
Epoch : 47: f1_weighted Score 0.812 params {'alpha': 9.581428443698547}
Epoch : 48: f1_weighted Score 0.812 params {'alpha': 6.081962672036839}
Epoch : 49: f1_weighted Score 0.812 params {'alpha': 0.03514933401086573}
Epoch : 50: f1_weighted Score 0.812 params {'alpha': 2.540805667980112}
Epoch : 51: f1_weighted Score 0.812 params {'alpha': 9.077224958672673}
Epoch : 52: f1_weighted Score 0.812 params {'alpha': 6.710763751441852}
Epoch : 53: f1_weighted Score 0.812 params {'alpha': 7.3003594934109595}
Epoch : 54: f1_weighted Score 0.812 params {'alpha': 5.617918563626137}
Epoch : 55: f1_weighted Score 0.812 params {'alpha': 3.1932810749796987}
Epoch : 56: f1_weighted Score 0.812 params {'alpha': 3.496137576522404}
Epoch : 57: f1_weighted Score 0.812 params {'alpha': 9.409707718942087}
Epoch : 58: f1_weighted Score 0.812 params {'alpha': 8.438700566833418}
Epoch : 59: f1_weighted Score 0.812 params {'alpha': 7.936164133150314}
Epoch : 60: f1_weighted Score 0.812 params {'alpha': 7.711964588820422}
Epoch : 61: f1_weighted Score 0.812 params {'alpha': 4.7711203927148444}
Epoch : 62: f1_weighted Score 0.812 params {'alpha': 2.651856920814762}
Epoch : 63: f1_weighted Score 0.812 params {'alpha': 8.185658077135216}
Epoch : 64: f1_weighted Score 0.812 params {'alpha': 9.671259454663602}
Epoch : 65: f1_weighted Score 0.812 params {'alpha': 6.017272027355982}
Epoch : 66: f1_weighted Score 0.812 params {'alpha': 5.332463404515962}
Epoch : 67: f1_weighted Score 0.812 params {'alpha': 0.11137766455391507}
Epoch : 68: f1_weighted Score 0.812 params {'alpha': 1.0578574016316589}
Epoch : 69: f1_weighted Score 0.812 params {'alpha': 2.251605687833122}
Epoch : 70: f1_weighted Score 0.812 params {'alpha': 4.598136864220397}
Epoch : 71: f1_weighted Score 0.812 params {'alpha': 8.349412704570616}
Epoch : 72: f1_weighted Score 0.812 params {'alpha': 2.630563433791874}
Epoch : 73: f1_weighted Score 0.812 params {'alpha': 9.095395910479663}
Epoch : 74: f1_weighted Score 0.812 params {'alpha': 6.675592540428202}
Epoch : 75: f1_weighted Score 0.812 params {'alpha': 7.152474833653432}
Epoch : 76: f1_weighted Score 0.812 params {'alpha': 5.648939985147858}
Epoch : 77: f1_weighted Score 0.812 params {'alpha': 3.407893285570642}
Epoch : 78: f1_weighted Score 0.812 params {'alpha': 4.166961068292818}
Epoch : 79: f1_weighted Score 0.812 params {'alpha': 3.6882132158159937}
Epoch : 80: f1_weighted Score 0.812 params {'alpha': 5.106713588754254}
Epoch : 81: f1_weighted Score 0.812 params {'alpha': 8.713311167177212}
Epoch : 82: f1_weighted Score 0.812 params {'alpha': 8.58112740742536}
Epoch : 83: f1_weighted Score 0.812 params {'alpha': 7.848188737759646}
Epoch : 84: f1_weighted Score 0.812 params {'alpha': 9.99740121121995}
Epoch : 85: f1_weighted Score 0.812 params {'alpha': 6.969739487099475}
Epoch : 86: f1_weighted Score 0.812 params {'alpha': 4.432398321227647}
Epoch : 87: f1_weighted Score 0.812 params {'alpha': 1.7949413558919707}
Epoch : 88: f1_weighted Score 0.812 params {'alpha': 2.7492865694057977}
Epoch : 89: f1_weighted Score 0.812 params {'alpha': 9.670669406414962}
Epoch : 90: f1_weighted Score 0.812 params {'alpha': 9.777284275236088}
Epoch : 91: f1_weighted Score 0.812 params {'alpha': 6.354991943070093}
Epoch : 92: f1_weighted Score 0.812 params {'alpha': 6.514163494554243}
Epoch : 93: f1_weighted Score 0.812 params {'alpha': 5.397413065378445}
Epoch : 94: f1_weighted Score 0.812 params {'alpha': 0.14802041075384678}
Epoch : 95: f1_weighted Score 0.812 params {'alpha': 0.762770378057072}
Epoch : 96: f1_weighted Score 0.812 params {'alpha': 2.210214584780306}
Epoch : 97: f1_weighted Score 0.812 params {'alpha': 1.4209565880202781}
Epoch : 98: f1_weighted Score 0.812 params {'alpha': 3.8636210966394917}
Epoch : 99: f1_weighted Score 0.812 params {'alpha': 4.6318160652638545}
Epoch : 100: f1_weighted Score 0.812 params {'alpha': 7.533200931775445}
Epoch : 101: f1_weighted Score 0.812 params {'alpha': 9.20078120984487}
Epoch : 102: f1_weighted Score 0.812 params {'alpha': 9.000188827177201}
Epoch : 103: f1_weighted Score 0.812 params {'alpha': 5.867717829103583}
Epoch : 104: f1_weighted Score 0.812 params {'alpha': 7.079769200473512}
Epoch : 105: f1_weighted Score 0.812 params {'alpha': 5.659718164482911}
Epoch : 106: f1_weighted Score 0.812 params {'alpha': 4.943933918409634}
Epoch : 107: f1_weighted Score 0.812 params {'alpha': 4.022192500975216}
Epoch : 108: f1_weighted Score 0.812 params {'alpha': 2.8623082627636323}
Epoch : 109: f1_weighted Score 0.812 params {'alpha': 3.4723011016009586}
Epoch : 110: f1_weighted Score 0.812 params {'alpha': 4.2948686268205565}
Epoch : 111: f1_weighted Score 0.812 params {'alpha': 5.191196548847925}
Epoch : 112: f1_weighted Score 0.812 params {'alpha': 8.09180508525846}
Epoch : 113: f1_weighted Score 0.812 params {'alpha': 8.602002348827831}
Epoch : 114: f1_weighted Score 0.812 params {'alpha': 8.88058968990485}
Epoch : 115: f1_weighted Score 0.812 params {'alpha': 7.735159786593375}
Epoch : 116: f1_weighted Score 0.812 params {'alpha': 9.977086499929325}
Epoch : 117: f1_weighted Score 0.812 params {'alpha': 9.462843799424126}
Epoch : 118: f1_weighted Score 0.812 params {'alpha': 7.283226952060381}
Epoch : 119: f1_weighted Score 0.812 params {'alpha': 6.257056845237507}
Epoch : 120: f1_weighted Score 0.812 params {'alpha': 1.7762635896736745}
Epoch : 121: f1_weighted Score 0.812 params {'alpha': 1.943477784612338}
Epoch : 122: f1_weighted Score 0.812 params {'alpha': 1.286847438476075}
Epoch : 123: f1_weighted Score 0.812 params {'alpha': 3.2216803959862674}
Epoch : 124: f1_weighted Score 0.812 params {'alpha': 9.669226664825468}
Epoch : 125: f1_weighted Score 0.812 params {'alpha': 6.361029444754973}
Epoch : 126: f1_weighted Score 0.812 params {'alpha': 7.438271245521774}
Epoch : 127: f1_weighted Score 0.812 params {'alpha': 6.657696977145979}
Epoch : 128: f1_weighted Score 0.812 params {'alpha': 6.58012901019246}
Epoch : 129: f1_weighted Score 0.812 params {'alpha': 0.3291032041115034}
Epoch : 130: f1_weighted Score 0.812 params {'alpha': 0.8004699525159463}
Epoch : 131: f1_weighted Score 0.812 params {'alpha': 0.6609236727429019}
Epoch : 132: f1_weighted Score 0.812 params {'alpha': 2.098372443061543}
Epoch : 133: f1_weighted Score 0.812 params {'alpha': 1.3402991912421993}
Epoch : 134: f1_weighted Score 0.812 params {'alpha': 2.275070666011063}
Epoch : 135: f1_weighted Score 0.812 params {'alpha': 3.8549366417937447}
Epoch : 136: f1_weighted Score 0.812 params {'alpha': 4.5302994356351824}
Epoch : 137: f1_weighted Score 0.812 params {'alpha': 6.900305175660543}
Epoch : 138: f1_weighted Score 0.812 params {'alpha': 5.802402575139366}
Epoch : 139: f1_weighted Score 0.812 params {'alpha': 8.34291950927721}
Epoch : 140: f1_weighted Score 0.812 params {'alpha': 9.20849036963293}
Epoch : 141: f1_weighted Score 0.812 params {'alpha': 7.9673678494545825}
Epoch : 142: f1_weighted Score 0.812 params {'alpha': 6.081305822140696}
Epoch : 143: f1_weighted Score 0.812 params {'alpha': 5.474270030106847}
Epoch : 144: f1_weighted Score 0.812 params {'alpha': 5.194339005023458}
Epoch : 145: f1_weighted Score 0.812 params {'alpha': 0.1614956422498235}
Epoch : 146: f1_weighted Score 0.812 params {'alpha': 1.006032371889721}
Epoch : 147: f1_weighted Score 0.812 params {'alpha': 0.2997132959132072}
Epoch : 148: f1_weighted Score 0.812 params {'alpha': 1.5085076665522785}
Epoch : 149: f1_weighted Score 0.812 params {'alpha': 3.293892479077079}
Epoch : 150: f1_weighted Score 0.812 params {'alpha': 2.4379236539302394}
Epoch : 151: f1_weighted Score 0.812 params {'alpha': 4.707401551735579}
Epoch : 152: f1_weighted Score 0.812 params {'alpha': 2.9978502371338838}
Epoch : 153: f1_weighted Score 0.812 params {'alpha': 3.951819887394466}
Epoch : 154: f1_weighted Score 0.812 params {'alpha': 4.425031183116898}
Epoch : 155: f1_weighted Score 0.812 params {'alpha': 9.378055896133892}
Epoch : 156: f1_weighted Score 0.812 params {'alpha': 8.976431173641503}
Epoch : 157: f1_weighted Score 0.812 params {'alpha': 8.88188028679325}
Epoch : 158: f1_weighted Score 0.812 params {'alpha': 9.866762349686724}
Epoch : 159: f1_weighted Score 0.812 params {'alpha': 7.070259338339757}
Epoch : 160: f1_weighted Score 0.812 params {'alpha': 5.9127692933247396}
Epoch : 161: f1_weighted Score 0.812 params {'alpha': 5.613407818282161}
Epoch : 162: f1_weighted Score 0.812 params {'alpha': 4.808997067302859}
Epoch : 163: f1_weighted Score 0.812 params {'alpha': 5.003155645625938}
Epoch : 164: f1_weighted Score 0.812 params {'alpha': 3.976652351488178}
Epoch : 165: f1_weighted Score 0.812 params {'alpha': 3.639192545304952}
Epoch : 166: f1_weighted Score 0.812 params {'alpha': 2.796443609634294}
Epoch : 167: f1_weighted Score 0.812 params {'alpha': 3.500705871831917}
Epoch : 168: f1_weighted Score 0.812 params {'alpha': 2.9315412925192406}
Epoch : 169: f1_weighted Score 0.812 params {'alpha': 3.6419195317475253}
Epoch : 170: f1_weighted Score 0.812 params {'alpha': 4.3108642489220665}
Epoch : 171: f1_weighted Score 0.812 params {'alpha': 4.204188253107994}
Epoch : 172: f1_weighted Score 0.812 params {'alpha': 8.17428003610165}
Epoch : 173: f1_weighted Score 0.812 params {'alpha': 8.500037067653185}
Epoch : 174: f1_weighted Score 0.812 params {'alpha': 9.50050792566628}
Epoch : 175: f1_weighted Score 0.812 params {'alpha': 8.049280409378005}
Epoch : 176: f1_weighted Score 0.812 params {'alpha': 8.68052111811928}
Epoch : 177: f1_weighted Score 0.812 params {'alpha': 7.707352570593935}
Epoch : 178: f1_weighted Score 0.812 params {'alpha': 8.809975476574428}
Epoch : 179: f1_weighted Score 0.812 params {'alpha': 9.868068000457907}
Epoch : 180: f1_weighted Score 0.812 params {'alpha': 9.330065699484248}
Epoch : 181: f1_weighted Score 0.812 params {'alpha': 9.973532878155726}
Epoch : 182: f1_weighted Score 0.812 params {'alpha': 7.328638584120355}
Epoch : 183: f1_weighted Score 0.812 params {'alpha': 6.3087545743031805}
Epoch : 184: f1_weighted Score 0.812 params {'alpha': 6.778650537907244}
Epoch : 185: f1_weighted Score 0.812 params {'alpha': 6.166693718533301}
Epoch : 186: f1_weighted Score 0.812 params {'alpha': 7.470251154137216}
Epoch : 187: f1_weighted Score 0.812 params {'alpha': 1.816538661888785}
Epoch : 188: f1_weighted Score 0.812 params {'alpha': 1.3213067478004261}
Epoch : 189: f1_weighted Score 0.812 params {'alpha': 1.1104411608942808}
Epoch : 190: f1_weighted Score 0.812 params {'alpha': 2.5151840852544423}
Epoch : 191: f1_weighted Score 0.812 params {'alpha': 0.47828329494554733}
Epoch : 192: f1_weighted Score 0.812 params {'alpha': 1.6543384908239327}
Epoch : 193: f1_weighted Score 0.812 params {'alpha': 5.266185137293662}
Epoch : 194: f1_weighted Score 0.812 params {'alpha': 9.582837747426158}
Epoch : 195: f1_weighted Score 0.812 params {'alpha': 6.429685234388526}
Epoch : 196: f1_weighted Score 0.812 params {'alpha': 7.241517409233377}
Epoch : 197: f1_weighted Score 0.812 params {'alpha': 6.677678414453665}
Epoch : 198: f1_weighted Score 0.812 params {'alpha': 7.544496944955949}
Epoch : 199: f1_weighted Score 0.812 params {'alpha': 7.021369245530996}
Epoch : 200: f1_weighted Score 0.812 params {'alpha': 7.914047932755905}
Epoch : 201: f1_weighted Score 0.812 params {'alpha': 0.9285922763587179}
Epoch : 202: f1_weighted Score 0.812 params {'alpha': 0.8372925617258233}
Epoch : 203: f1_weighted Score 0.812 params {'alpha': 0.585407723502077}
Epoch : 204: f1_weighted Score 0.812 params {'alpha': 2.134362733304323}
Epoch : 205: f1_weighted Score 0.812 params {'alpha': 0.37266867307966656}
Epoch : 206: f1_weighted Score 0.812 params {'alpha': 0.025638722163091043}
Epoch : 207: f1_weighted Score 0.812 params {'alpha': 2.2038324670728096}
Epoch : 208: f1_weighted Score 0.812 params {'alpha': 1.9999671686989462}
Epoch : 209: f1_weighted Score 0.812 params {'alpha': 3.0846051968272343}
Epoch : 210: f1_weighted Score 0.812 params {'alpha': 2.4025588301940877}
Epoch : 211: f1_weighted Score 0.812 params {'alpha': 4.512085360277373}
Epoch : 212: f1_weighted Score 0.812 params {'alpha': 3.7641577610777124}
Epoch : 213: f1_weighted Score 0.812 params {'alpha': 5.780386689702082}
Epoch : 214: f1_weighted Score 0.812 params {'alpha': 6.905086916823771}
Epoch : 215: f1_weighted Score 0.812 params {'alpha': 7.787244781975001}
Epoch : 216: f1_weighted Score 0.812 params {'alpha': 8.422253256668938}
Epoch : 217: f1_weighted Score 0.812 params {'alpha': 9.20658117286979}
Epoch : 218: f1_weighted Score 0.812 params {'alpha': 9.039902957049183}
Epoch : 219: f1_weighted Score 0.812 params {'alpha': 8.299673193460967}
Epoch : 220: f1_weighted Score 0.812 params {'alpha': 7.998041524689615}
Epoch : 221: f1_weighted Score 0.812 params {'alpha': 6.045501795848149}
Epoch : 222: f1_weighted Score 0.812 params {'alpha': 5.428479542753845}
Epoch : 223: f1_weighted Score 0.812 params {'alpha': 4.979687574158195}
Epoch : 224: f1_weighted Score 0.812 params {'alpha': 5.165756861381271}
Epoch : 225: f1_weighted Score 0.812 params {'alpha': 5.490134365737857}
Epoch : 226: f1_weighted Score 0.812 params {'alpha': 4.853372594915612}
Epoch : 227: f1_weighted Score 0.812 params {'alpha': 0.10004096452390432}
Epoch : 228: f1_weighted Score 0.812 params {'alpha': 0.31024075163793485}
Epoch : 229: f1_weighted Score 0.812 params {'alpha': 1.5098058371269985}
Epoch : 230: f1_weighted Score 0.812 params {'alpha': 1.1282649656063704}
Epoch : 231: f1_weighted Score 0.812 params {'alpha': 1.6795015932994146}
Epoch : 232: f1_weighted Score 0.812 params {'alpha': 3.2256106844158827}
Epoch : 233: f1_weighted Score 0.812 params {'alpha': 2.50717007548574}
Epoch : 234: f1_weighted Score 0.812 params {'alpha': 3.3552770269706302}
Epoch : 235: f1_weighted Score 0.812 params {'alpha': 2.690885569943099}
Epoch : 236: f1_weighted Score 0.812 params {'alpha': 3.027516447171384}
Epoch : 237: f1_weighted Score 0.812 params {'alpha': 4.0265662034974685}
Epoch : 238: f1_weighted Score 0.812 params {'alpha': 3.5024146981991153}
Epoch : 239: f1_weighted Score 0.812 params {'alpha': 4.310062075578081}
Epoch : 240: f1_weighted Score 0.812 params {'alpha': 4.108227303746129}
Epoch : 241: f1_weighted Score 0.812 params {'alpha': 4.466375451143132}
Epoch : 242: f1_weighted Score 0.812 params {'alpha': 4.571395434224363}
Epoch : 243: f1_weighted Score 0.812 params {'alpha': 9.401757896892253}
Epoch : 244: f1_weighted Score 0.812 params {'alpha': 8.761787172657723}
Epoch : 245: f1_weighted Score 0.812 params {'alpha': 9.78746809893025}
Epoch : 246: f1_weighted Score 0.812 params {'alpha': 8.994969683028346}
Epoch : 247: f1_weighted Score 0.812 params {'alpha': 9.78742134796536}
Epoch : 248: f1_weighted Score 0.812 params {'alpha': 8.567310910645297}
Epoch : 249: f1_weighted Score 0.812 params {'alpha': 5.886554012576778}
Epoch : 250: f1_weighted Score 0.812 params {'alpha': 7.151433623204371}
Epoch : 251: f1_weighted Score 0.812 params {'alpha': 5.652407411572025}
Epoch : 252: f1_weighted Score 0.812 params {'alpha': 4.879947758165899}
Epoch : 253: f1_weighted Score 0.812 params {'alpha': 4.7112854945194025}
Epoch : 254: f1_weighted Score 0.812 params {'alpha': 5.290416816877729}
Epoch : 255: f1_weighted Score 0.812 params {'alpha': 4.996970502990227}
Epoch : 256: f1_weighted Score 0.812 params {'alpha': 3.862405768008906}
Epoch : 257: f1_weighted Score 0.812 params {'alpha': 3.732989488302895}
Epoch : 258: f1_weighted Score 0.812 params {'alpha': 2.7209832214070007}
Epoch : 259: f1_weighted Score 0.812 params {'alpha': 3.558459782082481}
Epoch : 260: f1_weighted Score 0.812 params {'alpha': 2.9514495679045525}
Epoch : 261: f1_weighted Score 0.812 params {'alpha': 2.873496495537087}
Epoch : 262: f1_weighted Score 0.812 params {'alpha': 2.8254593855240513}
Epoch : 263: f1_weighted Score 0.812 params {'alpha': 3.59484450281537}
Epoch : 264: f1_weighted Score 0.812 params {'alpha': 3.2663102917871933}
Epoch : 265: f1_weighted Score 0.812 params {'alpha': 3.093721527651274}
Epoch : 266: f1_weighted Score 0.812 params {'alpha': 4.288222512508336}
Epoch : 267: f1_weighted Score 0.812 params {'alpha': 4.230396162771614}
Epoch : 268: f1_weighted Score 0.812 params {'alpha': 8.09495412390043}
Epoch : 269: f1_weighted Score 0.812 params {'alpha': 9.53017524331752}
Epoch : 270: f1_weighted Score 0.812 params {'alpha': 8.261265210828636}
Epoch : 271: f1_weighted Score 0.812 params {'alpha': 8.47870057287943}
Epoch : 272: f1_weighted Score 0.812 params {'alpha': 8.184725249965522}
Epoch : 273: f1_weighted Score 0.812 params {'alpha': 8.670558073449756}
Epoch : 274: f1_weighted Score 0.812 params {'alpha': 9.243391822345092}
Epoch : 275: f1_weighted Score 0.812 params {'alpha': 7.631678676729983}
Epoch : 276: f1_weighted Score 0.812 params {'alpha': 8.857735875246044}
Epoch : 277: f1_weighted Score 0.812 params {'alpha': 9.908452086022686}
Epoch : 278: f1_weighted Score 0.812 params {'alpha': 9.975838032556895}
Epoch : 279: f1_weighted Score 0.812 params {'alpha': 9.727073633671356}
Epoch : 280: f1_weighted Score 0.812 params {'alpha': 9.248108050953022}
Epoch : 281: f1_weighted Score 0.812 params {'alpha': 9.981746753241538}
Epoch : 282: f1_weighted Score 0.812 params {'alpha': 9.358130179855324}
Epoch : 283: f1_weighted Score 0.812 params {'alpha': 9.61220583413759}
Epoch : 284: f1_weighted Score 0.812 params {'alpha': 7.381483792412284}
Epoch : 285: f1_weighted Score 0.812 params {'alpha': 6.547430804912164}
Epoch : 286: f1_weighted Score 0.812 params {'alpha': 6.885874980995918}
Epoch : 287: f1_weighted Score 0.812 params {'alpha': 6.335436097199079}
Epoch : 288: f1_weighted Score 0.812 params {'alpha': 6.2248276263152285}
Epoch : 289: f1_weighted Score 0.812 params {'alpha': 6.456062224318661}
Epoch : 290: f1_weighted Score 0.812 params {'alpha': 6.622571263498568}
Epoch : 291: f1_weighted Score 0.812 params {'alpha': 7.278437129387973}
Epoch : 292: f1_weighted Score 0.812 params {'alpha': 7.6172191931996585}
Epoch : 293: f1_weighted Score 0.812 params {'alpha': 7.135031148904625}
Epoch : 294: f1_weighted Score 0.812 params {'alpha': 6.987056769290859}
Epoch : 295: f1_weighted Score 0.812 params {'alpha': 7.519190560357253}
Epoch : 296: f1_weighted Score 0.812 params {'alpha': 7.831732391610543}
Epoch : 297: f1_weighted Score 0.812 params {'alpha': 7.9062298183826885}
Epoch : 298: f1_weighted Score 0.812 params {'alpha': 7.67256416990762}
Epoch : 299: f1_weighted Score 0.812 params {'alpha': 0.9372520347495413}
Epoch : 300: f1_weighted Score 0.812 params {'alpha': 0.5990066597064719}
Epoch : 301: f1_weighted Score 0.812 params {'alpha': 0.9018601203509085}
Epoch : 302: f1_weighted Score 0.812 params {'alpha': 0.6812161718161057}
Epoch : 303: f1_weighted Score 0.812 params {'alpha': 0.3259804837602288}
Epoch : 304: f1_weighted Score 0.812 params {'alpha': 0.05078534366807114}
Epoch : 305: f1_weighted Score 0.812 params {'alpha': 1.875397887975315}
Epoch : 306: f1_weighted Score 0.812 params {'alpha': 1.2780768229485135}
Epoch : 307: f1_weighted Score 0.812 params {'alpha': 2.1811202751267746}
Epoch : 308: f1_weighted Score 0.812 params {'alpha': 1.909761643969592}
Epoch : 309: f1_weighted Score 0.812 params {'alpha': 2.28658538448881}
Epoch : 310: f1_weighted Score 0.812 params {'alpha': 1.5718887119840765}
Epoch : 311: f1_weighted Score 0.812 params {'alpha': 2.493734569445979}
Epoch : 312: f1_weighted Score 0.812 params {'alpha': 2.442962093929095}
Epoch : 313: f1_weighted Score 0.812 params {'alpha': 3.1183446678296005}
Epoch : 314: f1_weighted Score 0.812 params {'alpha': 3.921691661064556}
Epoch : 315: f1_weighted Score 0.812 params {'alpha': 4.525024734633548}
Epoch : 316: f1_weighted Score 0.812 params {'alpha': 5.695984224740288}
Epoch : 317: f1_weighted Score 0.812 params {'alpha': 5.958185403964706}
Epoch : 318: f1_weighted Score 0.812 params {'alpha': 6.14025612187581}
Epoch : 319: f1_weighted Score 0.812 params {'alpha': 6.803760165388635}
Epoch : 320: f1_weighted Score 0.812 params {'alpha': 8.39252315061611}
Epoch : 321: f1_weighted Score 0.812 params {'alpha': 8.974705771084995}
Epoch : 322: f1_weighted Score 0.812 params {'alpha': 9.08361140831397}
Epoch : 323: f1_weighted Score 0.812 params {'alpha': 8.32361924483234}
Epoch : 324: f1_weighted Score 0.812 params {'alpha': 9.133351058337489}
Epoch : 325: f1_weighted Score 0.812 params {'alpha': 8.656358251300615}
Epoch : 326: f1_weighted Score 0.812 params {'alpha': 8.177115117077447}
Epoch : 327: f1_weighted Score 0.812 params {'alpha': 6.072065937850089}
Epoch : 328: f1_weighted Score 0.812 params {'alpha': 7.934614468522033}
Epoch : 329: f1_weighted Score 0.812 params {'alpha': 4.747641282413291}
Epoch : 330: f1_weighted Score 0.812 params {'alpha': 5.430843033124789}
Epoch : 331: f1_weighted Score 0.812 params {'alpha': 5.112122935048133}
Epoch : 332: f1_weighted Score 0.812 params {'alpha': 5.490645773790318}
Epoch : 333: f1_weighted Score 0.812 params {'alpha': 5.033731676554352}
Epoch : 334: f1_weighted Score 0.812 params {'alpha': 4.91540619653393}
Epoch : 335: f1_weighted Score 0.812 params {'alpha': 5.6957795410031675}
Epoch : 336: f1_weighted Score 0.812 params {'alpha': 0.5654493978383435}
Epoch : 337: f1_weighted Score 0.812 params {'alpha': 0.314634985563384}
Epoch : 338: f1_weighted Score 0.812 params {'alpha': 1.2838340371686714}
Epoch : 339: f1_weighted Score 0.812 params {'alpha': 0.10152707288566609}
Epoch : 340: f1_weighted Score 0.812 params {'alpha': 1.1200389133947088}
Epoch : 341: f1_weighted Score 0.812 params {'alpha': 1.6131760188487432}
Epoch : 342: f1_weighted Score 0.812 params {'alpha': 2.0445975921681088}
Epoch : 343: f1_weighted Score 0.812 params {'alpha': 1.6619577872258202}
Epoch : 344: f1_weighted Score 0.812 params {'alpha': 2.601517081832158}
Epoch : 345: f1_weighted Score 0.812 params {'alpha': 3.462411292877456}
Epoch : 346: f1_weighted Score 0.812 params {'alpha': 3.20914440410344}
Epoch : 347: f1_weighted Score 0.812 params {'alpha': 3.324245580120279}
Epoch : 348: f1_weighted Score 0.812 params {'alpha': 2.655910271780031}
Epoch : 349: f1_weighted Score 0.812 params {'alpha': 4.096980380255861}
Epoch : 350: f1_weighted Score 0.812 params {'alpha': 2.9564511460004343}
Epoch : 351: f1_weighted Score 0.812 params {'alpha': 3.688737311913202}
Epoch : 352: f1_weighted Score 0.812 params {'alpha': 4.135904301111704}
Epoch : 353: f1_weighted Score 0.812 params {'alpha': 3.9705193435392507}
Epoch : 354: f1_weighted Score 0.812 params {'alpha': 4.349086259991522}
Epoch : 355: f1_weighted Score 0.812 params {'alpha': 4.5989487555912545}
Epoch : 356: f1_weighted Score 0.812 params {'alpha': 4.503096755815297}
Epoch : 357: f1_weighted Score 0.812 params {'alpha': 5.336294792993729}
Epoch : 358: f1_weighted Score 0.812 params {'alpha': 4.8047240520418315}
Epoch : 359: f1_weighted Score 0.812 params {'alpha': 8.821909645045439}
Epoch : 360: f1_weighted Score 0.812 params {'alpha': 8.673501488223906}
Epoch : 361: f1_weighted Score 0.812 params {'alpha': 9.414339298535163}
Epoch : 362: f1_weighted Score 0.812 params {'alpha': 9.512758517167626}
Epoch : 363: f1_weighted Score 0.812 params {'alpha': 9.676528297063362}
Epoch : 364: f1_weighted Score 0.812 params {'alpha': 9.983223770724122}
Epoch : 365: f1_weighted Score 0.812 params {'alpha': 9.835302618886553}
Epoch : 366: f1_weighted Score 0.812 params {'alpha': 9.744671433281306}
Epoch : 367: f1_weighted Score 0.812 params {'alpha': 8.901385082445486}
Epoch : 368: f1_weighted Score 0.812 params {'alpha': 7.1566508671096845}
Epoch : 369: f1_weighted Score 0.812 params {'alpha': 7.418902376985546}
Epoch : 370: f1_weighted Score 0.812 params {'alpha': 5.863706505348015}
Epoch : 371: f1_weighted Score 0.812 params {'alpha': 5.785028296359596}
Epoch : 372: f1_weighted Score 0.812 params {'alpha': 5.2602956314718385}
Epoch : 373: f1_weighted Score 0.812 params {'alpha': 5.178756913953229}
Epoch : 374: f1_weighted Score 0.812 params {'alpha': 5.499959591230162}
Epoch : 375: f1_weighted Score 0.812 params {'alpha': 4.941287604561826}
Epoch : 376: f1_weighted Score 0.812 params {'alpha': 4.865844469313017}
Epoch : 377: f1_weighted Score 0.812 params {'alpha': 3.8013733152430995}
Epoch : 378: f1_weighted Score 0.812 params {'alpha': 4.74873157871333}
Epoch : 379: f1_weighted Score 0.812 params {'alpha': 3.649490583052548}
Epoch : 380: f1_weighted Score 0.812 params {'alpha': 2.7752412291618294}
Epoch : 381: f1_weighted Score 0.812 params {'alpha': 3.608547429512347}
Epoch : 382: f1_weighted Score 0.812 params {'alpha': 2.355011612464182}
Epoch : 383: f1_weighted Score 0.812 params {'alpha': 3.443586245216732}
Epoch : 384: f1_weighted Score 0.812 params {'alpha': 2.076359713652996}
Epoch : 385: f1_weighted Score 0.812 params {'alpha': 2.6853664866018967}
Epoch : 386: f1_weighted Score 0.812 params {'alpha': 2.894316542513274}
Epoch : 387: f1_weighted Score 0.812 params {'alpha': 2.97630525337717}
Epoch : 388: f1_weighted Score 0.812 params {'alpha': 3.2581927549027663}
Epoch : 389: f1_weighted Score 0.812 params {'alpha': 3.1681107117300455}
Epoch : 390: f1_weighted Score 0.812 params {'alpha': 2.2825896635079497}
Epoch : 391: f1_weighted Score 0.812 params {'alpha': 4.233885272888543}
Epoch : 392: f1_weighted Score 0.812 params {'alpha': 3.3469768097066996}
Epoch : 393: f1_weighted Score 0.812 params {'alpha': 4.316436997476084}
Epoch : 394: f1_weighted Score 0.812 params {'alpha': 3.9881129781687727}
Epoch : 395: f1_weighted Score 0.812 params {'alpha': 4.169915280018811}
Epoch : 396: f1_weighted Score 0.812 params {'alpha': 9.41084516061591}
Epoch : 397: f1_weighted Score 0.812 params {'alpha': 8.159519729133839}
Epoch : 398: f1_weighted Score 0.812 params {'alpha': 8.554578738275438}
Epoch : 399: f1_weighted Score 0.812 params {'alpha': 8.455121810573257}
Epoch : 400: f1_weighted Score 0.812 params {'alpha': 9.185734872305563}
Epoch : 401: f1_weighted Score 0.812 params {'alpha': 8.203397105483242}
Epoch : 402: f1_weighted Score 0.812 params {'alpha': 8.527866914819967}
Epoch : 403: f1_weighted Score 0.812 params {'alpha': 8.336441763009017}
Epoch : 404: f1_weighted Score 0.812 params {'alpha': 7.679473358415515}
Epoch : 405: f1_weighted Score 0.812 params {'alpha': 8.758745292051866}
Epoch : 406: f1_weighted Score 0.812 params {'alpha': 9.219871628397371}
Epoch : 407: f1_weighted Score 0.812 params {'alpha': 9.994451178522391}
Epoch : 408: f1_weighted Score 0.812 params {'alpha': 8.949188873953954}
Epoch : 409: f1_weighted Score 0.812 params {'alpha': 9.967239804723663}
Epoch : 410: f1_weighted Score 0.812 params {'alpha': 9.594231014680847}
Epoch : 411: f1_weighted Score 0.812 params {'alpha': 9.786942757917048}
Epoch : 412: f1_weighted Score 0.812 params {'alpha': 9.96218330805526}
Epoch : 413: f1_weighted Score 0.812 params {'alpha': 9.629770006870448}
Epoch : 414: f1_weighted Score 0.812 params {'alpha': 9.98359853375611}
Epoch : 415: f1_weighted Score 0.812 params {'alpha': 9.39617336829136}
Epoch : 416: f1_weighted Score 0.812 params {'alpha': 9.315529133016403}
Epoch : 417: f1_weighted Score 0.812 params {'alpha': 9.097636402644042}
Epoch : 418: f1_weighted Score 0.812 params {'alpha': 9.494910734141815}
Epoch : 419: f1_weighted Score 0.812 params {'alpha': 6.6498609570437655}
Epoch : 420: f1_weighted Score 0.812 params {'alpha': 6.785320965793719}
Epoch : 421: f1_weighted Score 0.812 params {'alpha': 6.959666646060249}
Epoch : 422: f1_weighted Score 0.812 params {'alpha': 6.443975051085694}
Epoch : 423: f1_weighted Score 0.812 params {'alpha': 6.202027660995185}
Epoch : 424: f1_weighted Score 0.812 params {'alpha': 6.366217714257591}
Epoch : 425: f1_weighted Score 0.812 params {'alpha': 6.296562111625488}
Epoch : 426: f1_weighted Score 0.812 params {'alpha': 6.396948495964189}
Epoch : 427: f1_weighted Score 0.812 params {'alpha': 6.6272882177372985}
Epoch : 428: f1_weighted Score 0.812 params {'alpha': 7.280246365639496}
Epoch : 429: f1_weighted Score 0.812 params {'alpha': 7.533611136867718}
Epoch : 430: f1_weighted Score 0.812 params {'alpha': 7.2436589807848515}
Epoch : 431: f1_weighted Score 0.812 params {'alpha': 7.03072055089019}
Epoch : 432: f1_weighted Score 0.812 params {'alpha': 7.036517572771502}
Epoch : 433: f1_weighted Score 0.812 params {'alpha': 7.5399449268700005}
Epoch : 434: f1_weighted Score 0.812 params {'alpha': 7.744255307869731}
Epoch : 435: f1_weighted Score 0.812 params {'alpha': 7.859071642587586}
Epoch : 436: f1_weighted Score 0.812 params {'alpha': 7.785720094666369}
Epoch : 437: f1_weighted Score 0.812 params {'alpha': 7.919810504787102}
Epoch : 438: f1_weighted Score 0.812 params {'alpha': 7.410822782544919}
Epoch : 439: f1_weighted Score 0.812 params {'alpha': 7.663476441825254}
Epoch : 440: f1_weighted Score 0.812 params {'alpha': 7.359415087822054}
Epoch : 441: f1_weighted Score 0.812 params {'alpha': 8.032626406363375}
Epoch : 442: f1_weighted Score 0.812 params {'alpha': 0.7095842919706731}
Epoch : 443: f1_weighted Score 0.812 params {'alpha': 0.5739775208220692}
Epoch : 444: f1_weighted Score 0.812 params {'alpha': 0.9573290163009012}
Epoch : 445: f1_weighted Score 0.812 params {'alpha': 0.3923905258664887}
Epoch : 446: f1_weighted Score 0.812 params {'alpha': 0.9163763935179872}
Epoch : 447: f1_weighted Score 0.812 params {'alpha': 0.1872749080248562}
Epoch : 448: f1_weighted Score 0.812 params {'alpha': 1.426281322496981}
Epoch : 449: f1_weighted Score 0.812 params {'alpha': 1.2727068987098837}
Epoch : 450: f1_weighted Score 0.812 params {'alpha': 0.07249519235086785}
Epoch : 451: f1_weighted Score 0.812 params {'alpha': 1.7879801927054635}
Epoch : 452: f1_weighted Score 0.812 params {'alpha': 1.8259887427685415}
Epoch : 453: f1_weighted Score 0.812 params {'alpha': 1.9387796549823735}
Epoch : 454: f1_weighted Score 0.812 params {'alpha': 2.212852144070488}
Epoch : 455: f1_weighted Score 0.812 params {'alpha': 1.2258055146703137}
Epoch : 456: f1_weighted Score 0.812 params {'alpha': 1.4530736056078943}
Epoch : 457: f1_weighted Score 0.812 params {'alpha': 1.6036628821988548}
Epoch : 458: f1_weighted Score 0.812 params {'alpha': 2.4468590578872136}
Epoch : 459: f1_weighted Score 0.812 params {'alpha': 2.530312909407116}
Epoch : 460: f1_weighted Score 0.812 params {'alpha': 2.299694615322591}
Epoch : 461: f1_weighted Score 0.812 params {'alpha': 2.6205125948515073}
Epoch : 462: f1_weighted Score 0.812 params {'alpha': 3.0529112510829783}
Epoch : 463: f1_weighted Score 0.812 params {'alpha': 3.756604682865233}
Epoch : 464: f1_weighted Score 0.812 params {'alpha': 3.99072964061498}
Epoch : 465: f1_weighted Score 0.812 params {'alpha': 5.128076622683066}
Epoch : 466: f1_weighted Score 0.812 params {'alpha': 4.700234460538262}
Epoch : 467: f1_weighted Score 0.812 params {'alpha': 5.716692134800701}
Epoch : 468: f1_weighted Score 0.812 params {'alpha': 5.970566010717862}
Epoch : 469: f1_weighted Score 0.812 params {'alpha': 5.885340368396098}
Epoch : 470: f1_weighted Score 0.812 params {'alpha': 6.743089150131635}
Epoch : 471: f1_weighted Score 0.812 params {'alpha': 6.1342342011298445}
Epoch : 472: f1_weighted Score 0.812 params {'alpha': 6.871211636328711}
Epoch : 473: f1_weighted Score 0.812 params {'alpha': 8.992284715308843}
Epoch : 474: f1_weighted Score 0.812 params {'alpha': 8.486629436981744}
Epoch : 475: f1_weighted Score 0.812 params {'alpha': 8.77228203884761}
Epoch : 476: f1_weighted Score 0.812 params {'alpha': 9.096185863225404}
Epoch : 477: f1_weighted Score 0.812 params {'alpha': 8.64742078785639}
Epoch : 478: f1_weighted Score 0.812 params {'alpha': 8.288485899085867}
Epoch : 479: f1_weighted Score 0.812 params {'alpha': 8.216611016387006}
Epoch : 480: f1_weighted Score 0.812 params {'alpha': 8.051695806222991}
Epoch : 481: f1_weighted Score 0.812 params {'alpha': 7.959094008993858}
Epoch : 482: f1_weighted Score 0.812 params {'alpha': 8.586728478725737}
Epoch : 483: f1_weighted Score 0.812 params {'alpha': 8.419533954032522}
Epoch : 484: f1_weighted Score 0.812 params {'alpha': 5.306765112143154}
Epoch : 485: f1_weighted Score 0.812 params {'alpha': 5.602943293770498}
Epoch : 486: f1_weighted Score 0.812 params {'alpha': 5.506334600498104}
Epoch : 487: f1_weighted Score 0.812 params {'alpha': 5.18882681212442}
Epoch : 488: f1_weighted Score 0.812 params {'alpha': 5.444944918702176}
Epoch : 489: f1_weighted Score 0.812 params {'alpha': 5.052431660615486}
Epoch : 490: f1_weighted Score 0.812 params {'alpha': 4.667326284336225}
Epoch : 491: f1_weighted Score 0.812 params {'alpha': 5.018485051325913}
Epoch : 492: f1_weighted Score 0.812 params {'alpha': 4.38087675447631}
Epoch : 493: f1_weighted Score 0.812 params {'alpha': 5.63443324756502}
Epoch : 494: f1_weighted Score 0.812 params {'alpha': 5.992568700004558}
Epoch : 495: f1_weighted Score 0.812 params {'alpha': 0.757109503136999}
Epoch : 496: f1_weighted Score 0.812 params {'alpha': 0.41033495226773964}
Epoch : 497: f1_weighted Score 0.812 params {'alpha': 0.2180947366727355}
Epoch : 498: f1_weighted Score 0.812 params {'alpha': 0.5185392876441464}
Epoch : 499: f1_weighted Score 0.812 params {'alpha': 0.04152540165320044}
Epoch : 500: f1_weighted Score 0.812 params {'alpha': 1.0322197923153467}
the best option is: {'alpha': 9.442523561210042}
Cooresponding loss:
0.812312824990272
In [240]:
Ridge_space = {
    'alpha': hp.uniform('alpha',0,20),
    'normalize': hp.choice('normalize', [False, True]),
    'solver': hp.choice('solver', ['auto', 'svd', 'cholesky', 'lsqr', 'sparse_cg', 'sag', 'saga'])
}
Ridge = Bayesian_Optimizer(clf=linear_model.RidgeClassifier, param_space=Ridge_space, max_eval=500)
Ridge.HP_optimization()
Epoch : 1: f1_weighted Score 0.812 params {'alpha': 13.56202039322546, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 2: f1_weighted Score 0.812 params {'alpha': 2.4363758271755653, 'normalize': False, 'solver': 'lsqr'}
Epoch : 3: f1_weighted Score 0.560 params {'alpha': 6.391918301184822, 'normalize': True, 'solver': 'svd'}
Epoch : 4: f1_weighted Score 0.560 params {'alpha': 12.30491545981909, 'normalize': True, 'solver': 'svd'}
Epoch : 5: f1_weighted Score 0.560 params {'alpha': 9.080687288776536, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 6: f1_weighted Score 0.812 params {'alpha': 17.91227584666291, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 7: f1_weighted Score 0.812 params {'alpha': 1.0748950247090794, 'normalize': False, 'solver': 'lsqr'}
Epoch : 8: f1_weighted Score 0.812 params {'alpha': 13.712416941831416, 'normalize': False, 'solver': 'lsqr'}
Epoch : 9: f1_weighted Score 0.812 params {'alpha': 4.392782517694016, 'normalize': False, 'solver': 'svd'}
Epoch : 10: f1_weighted Score 0.812 params {'alpha': 14.04220341296794, 'normalize': False, 'solver': 'saga'}
Epoch : 11: f1_weighted Score 0.812 params {'alpha': 0.21459199228754944, 'normalize': True, 'solver': 'lsqr'}
Epoch : 12: f1_weighted Score 0.812 params {'alpha': 0.6082271404732476, 'normalize': True, 'solver': 'saga'}
Epoch : 13: f1_weighted Score 0.812 params {'alpha': 6.794215857049242, 'normalize': False, 'solver': 'lsqr'}
Epoch : 14: f1_weighted Score 0.812 params {'alpha': 2.7553717608662076, 'normalize': False, 'solver': 'cholesky'}
Epoch : 15: f1_weighted Score 0.812 params {'alpha': 0.7090828790909032, 'normalize': True, 'solver': 'svd'}
Epoch : 16: f1_weighted Score 0.812 params {'alpha': 1.164102023947624, 'normalize': True, 'solver': 'auto'}
Epoch : 17: f1_weighted Score 0.560 params {'alpha': 17.958918224346064, 'normalize': True, 'solver': 'svd'}
Epoch : 18: f1_weighted Score 0.812 params {'alpha': 14.384561369941704, 'normalize': False, 'solver': 'saga'}
Epoch : 19: f1_weighted Score 0.560 params {'alpha': 17.499628460148973, 'normalize': True, 'solver': 'lsqr'}
Epoch : 20: f1_weighted Score 0.560 params {'alpha': 6.427851104279265, 'normalize': True, 'solver': 'auto'}
Epoch : 21: f1_weighted Score 0.812 params {'alpha': 15.858260651788076, 'normalize': False, 'solver': 'sag'}
Epoch : 22: f1_weighted Score 0.812 params {'alpha': 10.734032839474242, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 23: f1_weighted Score 0.812 params {'alpha': 19.91537455458879, 'normalize': False, 'solver': 'saga'}
Epoch : 24: f1_weighted Score 0.812 params {'alpha': 16.080800179262997, 'normalize': False, 'solver': 'sag'}
Epoch : 25: f1_weighted Score 0.812 params {'alpha': 10.473022974935793, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 26: f1_weighted Score 0.812 params {'alpha': 18.673237604644115, 'normalize': False, 'solver': 'saga'}
Epoch : 27: f1_weighted Score 0.812 params {'alpha': 15.795907596442973, 'normalize': False, 'solver': 'sag'}
Epoch : 28: f1_weighted Score 0.812 params {'alpha': 9.591254520023519, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 29: f1_weighted Score 0.812 params {'alpha': 12.190748449400784, 'normalize': False, 'solver': 'cholesky'}
Epoch : 30: f1_weighted Score 0.812 params {'alpha': 16.103612816086358, 'normalize': False, 'solver': 'sag'}
Epoch : 31: f1_weighted Score 0.812 params {'alpha': 8.457083192339155, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 32: f1_weighted Score 0.812 params {'alpha': 12.484005107854713, 'normalize': False, 'solver': 'cholesky'}
Epoch : 33: f1_weighted Score 0.812 params {'alpha': 19.960146306048834, 'normalize': False, 'solver': 'sag'}
Epoch : 34: f1_weighted Score 0.812 params {'alpha': 8.280167814885129, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 35: f1_weighted Score 0.812 params {'alpha': 11.948504451886084, 'normalize': False, 'solver': 'cholesky'}
Epoch : 36: f1_weighted Score 0.812 params {'alpha': 5.055440890586315, 'normalize': False, 'solver': 'sag'}
Epoch : 37: f1_weighted Score 0.812 params {'alpha': 8.014414389089996, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 38: f1_weighted Score 0.812 params {'alpha': 9.775265130761692, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 39: f1_weighted Score 0.812 params {'alpha': 13.137358443510118, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 40: f1_weighted Score 0.812 params {'alpha': 10.890040625459243, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 41: f1_weighted Score 0.560 params {'alpha': 19.403317112163922, 'normalize': True, 'solver': 'saga'}
Epoch : 42: f1_weighted Score 0.812 params {'alpha': 14.746849343471219, 'normalize': False, 'solver': 'saga'}
Epoch : 43: f1_weighted Score 0.812 params {'alpha': 17.130806257038028, 'normalize': False, 'solver': 'sag'}
Epoch : 44: f1_weighted Score 0.560 params {'alpha': 16.762481873503358, 'normalize': True, 'solver': 'auto'}
Epoch : 45: f1_weighted Score 0.812 params {'alpha': 15.227184947256209, 'normalize': False, 'solver': 'svd'}
Epoch : 46: f1_weighted Score 0.560 params {'alpha': 4.860246797935264, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 47: f1_weighted Score 0.812 params {'alpha': 7.195605013901766, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 48: f1_weighted Score 0.812 params {'alpha': 18.820606293504696, 'normalize': False, 'solver': 'saga'}
Epoch : 49: f1_weighted Score 0.560 params {'alpha': 11.170922367081822, 'normalize': True, 'solver': 'lsqr'}
Epoch : 50: f1_weighted Score 0.812 params {'alpha': 18.26462917291318, 'normalize': False, 'solver': 'saga'}
Epoch : 51: f1_weighted Score 0.812 params {'alpha': 13.694300216870793, 'normalize': False, 'solver': 'sag'}
Epoch : 52: f1_weighted Score 0.560 params {'alpha': 18.523323897967547, 'normalize': True, 'solver': 'auto'}
Epoch : 53: f1_weighted Score 0.812 params {'alpha': 13.184447399518076, 'normalize': False, 'solver': 'svd'}
Epoch : 54: f1_weighted Score 0.812 params {'alpha': 2.905081965063694, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 55: f1_weighted Score 0.560 params {'alpha': 13.45230539775295, 'normalize': True, 'solver': 'svd'}
Epoch : 56: f1_weighted Score 0.812 params {'alpha': 3.866732022981223, 'normalize': False, 'solver': 'lsqr'}
Epoch : 57: f1_weighted Score 0.812 params {'alpha': 11.783273066737308, 'normalize': False, 'solver': 'cholesky'}
Epoch : 58: f1_weighted Score 0.812 params {'alpha': 9.006157720417406, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 59: f1_weighted Score 0.560 params {'alpha': 5.6243855242340794, 'normalize': True, 'solver': 'cholesky'}
Epoch : 60: f1_weighted Score 0.812 params {'alpha': 12.587246250378358, 'normalize': False, 'solver': 'cholesky'}
Epoch : 61: f1_weighted Score 0.812 params {'alpha': 14.752859483077298, 'normalize': False, 'solver': 'cholesky'}
Epoch : 62: f1_weighted Score 0.812 params {'alpha': 16.081514000826495, 'normalize': False, 'solver': 'sag'}
Epoch : 63: f1_weighted Score 0.560 params {'alpha': 16.468180717939195, 'normalize': True, 'solver': 'sag'}
Epoch : 64: f1_weighted Score 0.812 params {'alpha': 7.925217173046366, 'normalize': False, 'solver': 'auto'}
Epoch : 65: f1_weighted Score 0.812 params {'alpha': 2.1151118041107537, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 66: f1_weighted Score 0.812 params {'alpha': 9.103552328156242, 'normalize': False, 'solver': 'cholesky'}
Epoch : 67: f1_weighted Score 0.812 params {'alpha': 10.200168170438536, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 68: f1_weighted Score 0.812 params {'alpha': 17.67571184206208, 'normalize': False, 'solver': 'cholesky'}
Epoch : 69: f1_weighted Score 0.812 params {'alpha': 10.114703788127727, 'normalize': False, 'solver': 'sag'}
Epoch : 70: f1_weighted Score 0.812 params {'alpha': 6.867435184397245, 'normalize': False, 'solver': 'lsqr'}
Epoch : 71: f1_weighted Score 0.812 params {'alpha': 11.317823693009698, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 72: f1_weighted Score 0.812 params {'alpha': 7.692823823213816, 'normalize': False, 'solver': 'cholesky'}
Epoch : 73: f1_weighted Score 0.812 params {'alpha': 11.641599430599076, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 74: f1_weighted Score 0.812 params {'alpha': 5.430963569944301, 'normalize': False, 'solver': 'sag'}
Epoch : 75: f1_weighted Score 0.812 params {'alpha': 14.17186356745027, 'normalize': False, 'solver': 'auto'}
Epoch : 76: f1_weighted Score 0.812 params {'alpha': 4.051835311457664, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 77: f1_weighted Score 0.812 params {'alpha': 15.436202751886958, 'normalize': False, 'solver': 'auto'}
Epoch : 78: f1_weighted Score 0.812 params {'alpha': 6.001793846566093, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 79: f1_weighted Score 0.812 params {'alpha': 9.682531717571264, 'normalize': False, 'solver': 'auto'}
Epoch : 80: f1_weighted Score 0.812 params {'alpha': 3.9952782434851652, 'normalize': False, 'solver': 'lsqr'}
Epoch : 81: f1_weighted Score 0.560 params {'alpha': 8.68022442838346, 'normalize': True, 'solver': 'cholesky'}
Epoch : 82: f1_weighted Score 0.812 params {'alpha': 3.3952988490451315, 'normalize': False, 'solver': 'svd'}
Epoch : 83: f1_weighted Score 0.812 params {'alpha': 12.699198263227581, 'normalize': False, 'solver': 'cholesky'}
Epoch : 84: f1_weighted Score 0.812 params {'alpha': 12.724082724041391, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 85: f1_weighted Score 0.560 params {'alpha': 14.89995127508491, 'normalize': True, 'solver': 'cholesky'}
Epoch : 86: f1_weighted Score 0.812 params {'alpha': 16.870525811372822, 'normalize': False, 'solver': 'sag'}
Epoch : 87: f1_weighted Score 0.812 params {'alpha': 7.695193067718272, 'normalize': False, 'solver': 'auto'}
Epoch : 88: f1_weighted Score 0.812 params {'alpha': 14.415304516472363, 'normalize': False, 'solver': 'sag'}
Epoch : 89: f1_weighted Score 0.560 params {'alpha': 19.61771539610242, 'normalize': True, 'solver': 'auto'}
Epoch : 90: f1_weighted Score 0.812 params {'alpha': 1.5172056353112255, 'normalize': False, 'solver': 'auto'}
Epoch : 91: f1_weighted Score 0.812 params {'alpha': 9.084773759032773, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 92: f1_weighted Score 0.812 params {'alpha': 2.374111048562404, 'normalize': False, 'solver': 'auto'}
Epoch : 93: f1_weighted Score 0.812 params {'alpha': 0.32318923017464485, 'normalize': False, 'solver': 'svd'}
Epoch : 94: f1_weighted Score 0.560 params {'alpha': 10.438506633232924, 'normalize': True, 'solver': 'saga'}
Epoch : 95: f1_weighted Score 0.812 params {'alpha': 17.562235627270976, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 96: f1_weighted Score 0.812 params {'alpha': 17.39010171582356, 'normalize': False, 'solver': 'sag'}
Epoch : 97: f1_weighted Score 0.812 params {'alpha': 17.954826348592288, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 98: f1_weighted Score 0.812 params {'alpha': 18.83587297395975, 'normalize': False, 'solver': 'lsqr'}
Epoch : 99: f1_weighted Score 0.560 params {'alpha': 15.562721750230464, 'normalize': True, 'solver': 'sag'}
Epoch : 100: f1_weighted Score 0.812 params {'alpha': 6.733311986352479, 'normalize': False, 'solver': 'lsqr'}
Epoch : 101: f1_weighted Score 0.812 params {'alpha': 11.28252062064459, 'normalize': False, 'solver': 'lsqr'}
Epoch : 102: f1_weighted Score 0.812 params {'alpha': 7.2309976892416294, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 103: f1_weighted Score 0.812 params {'alpha': 12.16146516580213, 'normalize': False, 'solver': 'cholesky'}
Epoch : 104: f1_weighted Score 0.560 params {'alpha': 9.504098245693973, 'normalize': True, 'solver': 'saga'}
Epoch : 105: f1_weighted Score 0.812 params {'alpha': 16.388746523826146, 'normalize': False, 'solver': 'sag'}
Epoch : 106: f1_weighted Score 0.812 params {'alpha': 4.9937810340888635, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 107: f1_weighted Score 0.812 params {'alpha': 11.578154488398788, 'normalize': False, 'solver': 'svd'}
Epoch : 108: f1_weighted Score 0.812 params {'alpha': 10.806224770734879, 'normalize': False, 'solver': 'auto'}
Epoch : 109: f1_weighted Score 0.560 params {'alpha': 13.967296262145869, 'normalize': True, 'solver': 'auto'}
Epoch : 110: f1_weighted Score 0.812 params {'alpha': 1.2895206284479057, 'normalize': False, 'solver': 'auto'}
Epoch : 111: f1_weighted Score 0.812 params {'alpha': 13.434285684093666, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 112: f1_weighted Score 0.812 params {'alpha': 15.573436659202835, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 113: f1_weighted Score 0.812 params {'alpha': 15.062209009968669, 'normalize': False, 'solver': 'auto'}
Epoch : 114: f1_weighted Score 0.560 params {'alpha': 4.5128592637546205, 'normalize': True, 'solver': 'saga'}
Epoch : 115: f1_weighted Score 0.812 params {'alpha': 6.229137524573265, 'normalize': False, 'solver': 'svd'}
Epoch : 116: f1_weighted Score 0.812 params {'alpha': 0.0781088652620725, 'normalize': False, 'solver': 'lsqr'}
Epoch : 117: f1_weighted Score 0.812 params {'alpha': 5.686409601410924, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 118: f1_weighted Score 0.812 params {'alpha': 9.485666603933224, 'normalize': False, 'solver': 'lsqr'}
Epoch : 119: f1_weighted Score 0.804 params {'alpha': 1.7725354951267374, 'normalize': True, 'solver': 'svd'}
Epoch : 120: f1_weighted Score 0.812 params {'alpha': 12.852470652974944, 'normalize': False, 'solver': 'svd'}
Epoch : 121: f1_weighted Score 0.812 params {'alpha': 12.254316117530704, 'normalize': False, 'solver': 'cholesky'}
Epoch : 122: f1_weighted Score 0.812 params {'alpha': 14.253898604545775, 'normalize': False, 'solver': 'svd'}
Epoch : 123: f1_weighted Score 0.812 params {'alpha': 12.75087795275, 'normalize': False, 'solver': 'cholesky'}
Epoch : 124: f1_weighted Score 0.560 params {'alpha': 16.92658836609533, 'normalize': True, 'solver': 'sag'}
Epoch : 125: f1_weighted Score 0.812 params {'alpha': 18.37276771517193, 'normalize': False, 'solver': 'sag'}
Epoch : 126: f1_weighted Score 0.812 params {'alpha': 18.902475752693498, 'normalize': False, 'solver': 'auto'}
Epoch : 127: f1_weighted Score 0.812 params {'alpha': 7.87440484354731, 'normalize': False, 'solver': 'sag'}
Epoch : 128: f1_weighted Score 0.812 params {'alpha': 8.380451294122512, 'normalize': False, 'solver': 'auto'}
Epoch : 129: f1_weighted Score 0.812 params {'alpha': 13.578194079774097, 'normalize': False, 'solver': 'sag'}
Epoch : 130: f1_weighted Score 0.560 params {'alpha': 3.3207471889512057, 'normalize': True, 'solver': 'saga'}
Epoch : 131: f1_weighted Score 0.812 params {'alpha': 1.340624956355648, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 132: f1_weighted Score 0.812 params {'alpha': 2.2007788915093975, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 133: f1_weighted Score 0.812 params {'alpha': 0.7319029769535246, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 134: f1_weighted Score 0.812 params {'alpha': 3.0196022216743, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 135: f1_weighted Score 0.742 params {'alpha': 2.1212291672878845, 'normalize': True, 'solver': 'svd'}
Epoch : 136: f1_weighted Score 0.812 params {'alpha': 19.273656480059756, 'normalize': False, 'solver': 'svd'}
Epoch : 137: f1_weighted Score 0.812 params {'alpha': 17.69584065470694, 'normalize': False, 'solver': 'sag'}
Epoch : 138: f1_weighted Score 0.812 params {'alpha': 19.987251966058903, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 139: f1_weighted Score 0.812 params {'alpha': 17.303196281685086, 'normalize': False, 'solver': 'sag'}
Epoch : 140: f1_weighted Score 0.560 params {'alpha': 18.01125826823693, 'normalize': True, 'solver': 'saga'}
Epoch : 141: f1_weighted Score 0.812 params {'alpha': 16.450703936613944, 'normalize': False, 'solver': 'lsqr'}
Epoch : 142: f1_weighted Score 0.812 params {'alpha': 8.663400217133125, 'normalize': False, 'solver': 'lsqr'}
Epoch : 143: f1_weighted Score 0.812 params {'alpha': 19.271457648655623, 'normalize': False, 'solver': 'lsqr'}
Epoch : 144: f1_weighted Score 0.812 params {'alpha': 5.392945970859024, 'normalize': False, 'solver': 'lsqr'}
Epoch : 145: f1_weighted Score 0.560 params {'alpha': 6.670843758520283, 'normalize': True, 'solver': 'lsqr'}
Epoch : 146: f1_weighted Score 0.812 params {'alpha': 11.129000732793285, 'normalize': False, 'solver': 'lsqr'}
Epoch : 147: f1_weighted Score 0.812 params {'alpha': 7.4979993751505765, 'normalize': False, 'solver': 'cholesky'}
Epoch : 148: f1_weighted Score 0.812 params {'alpha': 9.93569362367024, 'normalize': False, 'solver': 'lsqr'}
Epoch : 149: f1_weighted Score 0.812 params {'alpha': 11.931752305212438, 'normalize': False, 'solver': 'cholesky'}
Epoch : 150: f1_weighted Score 0.812 params {'alpha': 16.470731429259917, 'normalize': False, 'solver': 'cholesky'}
Epoch : 151: f1_weighted Score 0.812 params {'alpha': 12.171897506409255, 'normalize': False, 'solver': 'cholesky'}
Epoch : 152: f1_weighted Score 0.812 params {'alpha': 14.656226446476209, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 153: f1_weighted Score 0.812 params {'alpha': 13.903448332800021, 'normalize': False, 'solver': 'svd'}
Epoch : 154: f1_weighted Score 0.812 params {'alpha': 10.43343061725584, 'normalize': False, 'solver': 'svd'}
Epoch : 155: f1_weighted Score 0.812 params {'alpha': 10.786239818431538, 'normalize': False, 'solver': 'auto'}
Epoch : 156: f1_weighted Score 0.812 params {'alpha': 13.207167739384815, 'normalize': False, 'solver': 'auto'}
Epoch : 157: f1_weighted Score 0.812 params {'alpha': 10.83013146432574, 'normalize': False, 'solver': 'auto'}
Epoch : 158: f1_weighted Score 0.812 params {'alpha': 15.945802286358028, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 159: f1_weighted Score 0.812 params {'alpha': 18.146597791954875, 'normalize': False, 'solver': 'lsqr'}
Epoch : 160: f1_weighted Score 0.812 params {'alpha': 19.097940160412634, 'normalize': False, 'solver': 'lsqr'}
Epoch : 161: f1_weighted Score 0.812 params {'alpha': 4.593595367464166, 'normalize': False, 'solver': 'lsqr'}
Epoch : 162: f1_weighted Score 0.812 params {'alpha': 7.196968085910153, 'normalize': False, 'solver': 'lsqr'}
Epoch : 163: f1_weighted Score 0.812 params {'alpha': 6.199355097695392, 'normalize': False, 'solver': 'lsqr'}
Epoch : 164: f1_weighted Score 0.812 params {'alpha': 8.984287324499274, 'normalize': False, 'solver': 'cholesky'}
Epoch : 165: f1_weighted Score 0.812 params {'alpha': 15.143276199228783, 'normalize': False, 'solver': 'sag'}
Epoch : 166: f1_weighted Score 0.812 params {'alpha': 13.198211279847316, 'normalize': False, 'solver': 'cholesky'}
Epoch : 167: f1_weighted Score 0.560 params {'alpha': 15.403973078665588, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 168: f1_weighted Score 0.812 params {'alpha': 11.573857156883438, 'normalize': False, 'solver': 'sag'}
Epoch : 169: f1_weighted Score 0.812 params {'alpha': 14.270478623525852, 'normalize': False, 'solver': 'svd'}
Epoch : 170: f1_weighted Score 0.812 params {'alpha': 11.628213645104088, 'normalize': False, 'solver': 'svd'}
Epoch : 171: f1_weighted Score 0.812 params {'alpha': 9.350646931455591, 'normalize': False, 'solver': 'svd'}
Epoch : 172: f1_weighted Score 0.560 params {'alpha': 11.137055621606594, 'normalize': True, 'solver': 'auto'}
Epoch : 173: f1_weighted Score 0.812 params {'alpha': 10.011645443809806, 'normalize': False, 'solver': 'auto'}
Epoch : 174: f1_weighted Score 0.812 params {'alpha': 13.77485167526042, 'normalize': False, 'solver': 'auto'}
Epoch : 175: f1_weighted Score 0.812 params {'alpha': 13.451701567159576, 'normalize': False, 'solver': 'auto'}
Epoch : 176: f1_weighted Score 0.812 params {'alpha': 12.335934147126263, 'normalize': False, 'solver': 'auto'}
Epoch : 177: f1_weighted Score 0.812 params {'alpha': 14.922172932733991, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 178: f1_weighted Score 0.560 params {'alpha': 16.29284589859512, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 179: f1_weighted Score 0.812 params {'alpha': 19.814717748952056, 'normalize': False, 'solver': 'saga'}
Epoch : 180: f1_weighted Score 0.812 params {'alpha': 15.92572072930422, 'normalize': False, 'solver': 'svd'}
Epoch : 181: f1_weighted Score 0.812 params {'alpha': 15.650260743767708, 'normalize': False, 'solver': 'svd'}
Epoch : 182: f1_weighted Score 0.812 params {'alpha': 16.96060832489071, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 183: f1_weighted Score 0.812 params {'alpha': 3.579311744554692, 'normalize': False, 'solver': 'saga'}
Epoch : 184: f1_weighted Score 0.812 params {'alpha': 0.7565623446968708, 'normalize': True, 'solver': 'svd'}
Epoch : 185: f1_weighted Score 0.812 params {'alpha': 5.299639518113496, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 186: f1_weighted Score 0.812 params {'alpha': 0.16760541464597475, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 187: f1_weighted Score 0.812 params {'alpha': 8.175653823235733, 'normalize': False, 'solver': 'lsqr'}
Epoch : 188: f1_weighted Score 0.812 params {'alpha': 4.091298160658009, 'normalize': False, 'solver': 'lsqr'}
Epoch : 189: f1_weighted Score 0.812 params {'alpha': 10.484772819241137, 'normalize': False, 'solver': 'svd'}
Epoch : 190: f1_weighted Score 0.560 params {'alpha': 12.40713457610154, 'normalize': True, 'solver': 'cholesky'}
Epoch : 191: f1_weighted Score 0.812 params {'alpha': 9.743736316402487, 'normalize': False, 'solver': 'cholesky'}
Epoch : 192: f1_weighted Score 0.812 params {'alpha': 12.739949896990659, 'normalize': False, 'solver': 'svd'}
Epoch : 193: f1_weighted Score 0.812 params {'alpha': 13.045167398273925, 'normalize': False, 'solver': 'svd'}
Epoch : 194: f1_weighted Score 0.812 params {'alpha': 14.59344462983631, 'normalize': False, 'solver': 'svd'}
Epoch : 195: f1_weighted Score 0.812 params {'alpha': 14.279870106633972, 'normalize': False, 'solver': 'cholesky'}
Epoch : 196: f1_weighted Score 0.560 params {'alpha': 16.57623331002796, 'normalize': True, 'solver': 'sag'}
Epoch : 197: f1_weighted Score 0.812 params {'alpha': 18.266277015216478, 'normalize': False, 'solver': 'sag'}
Epoch : 198: f1_weighted Score 0.812 params {'alpha': 18.94041544275259, 'normalize': False, 'solver': 'sag'}
Epoch : 199: f1_weighted Score 0.812 params {'alpha': 18.520487597933254, 'normalize': False, 'solver': 'cholesky'}
Epoch : 200: f1_weighted Score 0.812 params {'alpha': 19.951274355484887, 'normalize': False, 'solver': 'sag'}
Epoch : 201: f1_weighted Score 0.812 params {'alpha': 17.32480550097196, 'normalize': False, 'solver': 'sag'}
Epoch : 202: f1_weighted Score 0.560 params {'alpha': 18.57715379477694, 'normalize': True, 'solver': 'sag'}
Epoch : 203: f1_weighted Score 0.812 params {'alpha': 8.333298550871653, 'normalize': False, 'solver': 'auto'}
Epoch : 204: f1_weighted Score 0.812 params {'alpha': 7.5488804532770235, 'normalize': False, 'solver': 'sag'}
Epoch : 205: f1_weighted Score 0.812 params {'alpha': 8.6750569290082, 'normalize': False, 'solver': 'sag'}
Epoch : 206: f1_weighted Score 0.812 params {'alpha': 7.951383332514047, 'normalize': False, 'solver': 'sag'}
Epoch : 207: f1_weighted Score 0.812 params {'alpha': 13.608658651991515, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 208: f1_weighted Score 0.808 params {'alpha': 1.7563870819545198, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 209: f1_weighted Score 0.812 params {'alpha': 15.565526254632061, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 210: f1_weighted Score 0.812 params {'alpha': 0.7325804026489605, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 211: f1_weighted Score 0.812 params {'alpha': 2.109622350053381, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 212: f1_weighted Score 0.812 params {'alpha': 2.93428872694461, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 213: f1_weighted Score 0.812 params {'alpha': 2.6803339828097665, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 214: f1_weighted Score 0.560 params {'alpha': 3.5488806885066175, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 215: f1_weighted Score 0.812 params {'alpha': 0.3945737986065633, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 216: f1_weighted Score 0.812 params {'alpha': 19.380336865710692, 'normalize': False, 'solver': 'saga'}
Epoch : 217: f1_weighted Score 0.812 params {'alpha': 1.1343263735567874, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 218: f1_weighted Score 0.812 params {'alpha': 4.790202863903763, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 219: f1_weighted Score 0.812 params {'alpha': 17.914781869065497, 'normalize': False, 'solver': 'saga'}
Epoch : 220: f1_weighted Score 0.812 params {'alpha': 17.500877798224646, 'normalize': False, 'solver': 'svd'}
Epoch : 221: f1_weighted Score 0.560 params {'alpha': 19.715112226086337, 'normalize': True, 'solver': 'sag'}
Epoch : 222: f1_weighted Score 0.812 params {'alpha': 17.33591234192994, 'normalize': False, 'solver': 'lsqr'}
Epoch : 223: f1_weighted Score 0.812 params {'alpha': 16.79726017469323, 'normalize': False, 'solver': 'lsqr'}
Epoch : 224: f1_weighted Score 0.812 params {'alpha': 15.241682927865348, 'normalize': False, 'solver': 'lsqr'}
Epoch : 225: f1_weighted Score 0.812 params {'alpha': 5.8333103588054005, 'normalize': False, 'solver': 'lsqr'}
Epoch : 226: f1_weighted Score 0.812 params {'alpha': 16.10228673527384, 'normalize': False, 'solver': 'lsqr'}
Epoch : 227: f1_weighted Score 0.560 params {'alpha': 14.748376087032565, 'normalize': True, 'solver': 'lsqr'}
Epoch : 228: f1_weighted Score 0.812 params {'alpha': 6.926402918134978, 'normalize': False, 'solver': 'sag'}
Epoch : 229: f1_weighted Score 0.812 params {'alpha': 5.192346336660454, 'normalize': False, 'solver': 'lsqr'}
Epoch : 230: f1_weighted Score 0.812 params {'alpha': 4.2907962190093, 'normalize': False, 'solver': 'lsqr'}
Epoch : 231: f1_weighted Score 0.812 params {'alpha': 9.110399260835713, 'normalize': False, 'solver': 'lsqr'}
Epoch : 232: f1_weighted Score 0.812 params {'alpha': 6.60332749323679, 'normalize': False, 'solver': 'lsqr'}
Epoch : 233: f1_weighted Score 0.560 params {'alpha': 5.825483466251773, 'normalize': True, 'solver': 'cholesky'}
Epoch : 234: f1_weighted Score 0.812 params {'alpha': 7.447377523579384, 'normalize': False, 'solver': 'cholesky'}
Epoch : 235: f1_weighted Score 0.812 params {'alpha': 10.04048226905071, 'normalize': False, 'solver': 'cholesky'}
Epoch : 236: f1_weighted Score 0.812 params {'alpha': 11.322987219015017, 'normalize': False, 'solver': 'lsqr'}
Epoch : 237: f1_weighted Score 0.812 params {'alpha': 10.380051545337402, 'normalize': False, 'solver': 'lsqr'}
Epoch : 238: f1_weighted Score 0.812 params {'alpha': 12.08000775457255, 'normalize': False, 'solver': 'cholesky'}
Epoch : 239: f1_weighted Score 0.560 params {'alpha': 9.456043211986838, 'normalize': True, 'solver': 'cholesky'}
Epoch : 240: f1_weighted Score 0.812 params {'alpha': 11.776336712888586, 'normalize': False, 'solver': 'cholesky'}
Epoch : 241: f1_weighted Score 0.812 params {'alpha': 12.4704573757039, 'normalize': False, 'solver': 'cholesky'}
Epoch : 242: f1_weighted Score 0.812 params {'alpha': 14.07484141759556, 'normalize': False, 'solver': 'cholesky'}
Epoch : 243: f1_weighted Score 0.812 params {'alpha': 11.991567817665265, 'normalize': False, 'solver': 'cholesky'}
Epoch : 244: f1_weighted Score 0.812 params {'alpha': 14.844914147679152, 'normalize': False, 'solver': 'cholesky'}
Epoch : 245: f1_weighted Score 0.560 params {'alpha': 14.576323876144743, 'normalize': True, 'solver': 'cholesky'}
Epoch : 246: f1_weighted Score 0.812 params {'alpha': 13.91872862327784, 'normalize': False, 'solver': 'svd'}
Epoch : 247: f1_weighted Score 0.812 params {'alpha': 13.163776195213524, 'normalize': False, 'solver': 'svd'}
Epoch : 248: f1_weighted Score 0.812 params {'alpha': 13.854424570496983, 'normalize': False, 'solver': 'svd'}
Epoch : 249: f1_weighted Score 0.812 params {'alpha': 10.807158066095148, 'normalize': False, 'solver': 'svd'}
Epoch : 250: f1_weighted Score 0.812 params {'alpha': 10.802635981116225, 'normalize': False, 'solver': 'svd'}
Epoch : 251: f1_weighted Score 0.560 params {'alpha': 10.465742796269279, 'normalize': True, 'solver': 'svd'}
Epoch : 252: f1_weighted Score 0.812 params {'alpha': 11.36175671593014, 'normalize': False, 'solver': 'auto'}
Epoch : 253: f1_weighted Score 0.812 params {'alpha': 13.275423574177497, 'normalize': False, 'solver': 'auto'}
Epoch : 254: f1_weighted Score 0.812 params {'alpha': 12.802452464236262, 'normalize': False, 'solver': 'auto'}
Epoch : 255: f1_weighted Score 0.812 params {'alpha': 10.997218549530036, 'normalize': False, 'solver': 'auto'}
Epoch : 256: f1_weighted Score 0.812 params {'alpha': 15.644169434562292, 'normalize': False, 'solver': 'auto'}
Epoch : 257: f1_weighted Score 0.560 params {'alpha': 16.950932806935803, 'normalize': True, 'solver': 'saga'}
Epoch : 258: f1_weighted Score 0.812 params {'alpha': 15.983733676411077, 'normalize': False, 'solver': 'lsqr'}
Epoch : 259: f1_weighted Score 0.812 params {'alpha': 18.01856326028837, 'normalize': False, 'solver': 'lsqr'}
Epoch : 260: f1_weighted Score 0.812 params {'alpha': 18.809145616418817, 'normalize': False, 'solver': 'lsqr'}
Epoch : 261: f1_weighted Score 0.812 params {'alpha': 18.164440527825622, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 262: f1_weighted Score 0.812 params {'alpha': 19.010441570576056, 'normalize': False, 'solver': 'lsqr'}
Epoch : 263: f1_weighted Score 0.812 params {'alpha': 3.6385472425846155, 'normalize': False, 'solver': 'lsqr'}
Epoch : 264: f1_weighted Score 0.812 params {'alpha': 6.793632563357544, 'normalize': False, 'solver': 'lsqr'}
Epoch : 265: f1_weighted Score 0.812 params {'alpha': 4.636368711850747, 'normalize': False, 'solver': 'lsqr'}
Epoch : 266: f1_weighted Score 0.812 params {'alpha': 6.323464255586519, 'normalize': False, 'solver': 'lsqr'}
Epoch : 267: f1_weighted Score 0.812 params {'alpha': 7.109302486492468, 'normalize': False, 'solver': 'saga'}
Epoch : 268: f1_weighted Score 0.812 params {'alpha': 8.693865436014908, 'normalize': False, 'solver': 'sag'}
Epoch : 269: f1_weighted Score 0.812 params {'alpha': 8.853045795369148, 'normalize': False, 'solver': 'sag'}
Epoch : 270: f1_weighted Score 0.812 params {'alpha': 8.139494849806226, 'normalize': False, 'solver': 'cholesky'}
Epoch : 271: f1_weighted Score 0.812 params {'alpha': 15.198945396921745, 'normalize': False, 'solver': 'sag'}
Epoch : 272: f1_weighted Score 0.812 params {'alpha': 12.961871966391293, 'normalize': False, 'solver': 'sag'}
Epoch : 273: f1_weighted Score 0.812 params {'alpha': 14.336523763351316, 'normalize': False, 'solver': 'sag'}
Epoch : 274: f1_weighted Score 0.812 params {'alpha': 11.894264252730132, 'normalize': False, 'solver': 'svd'}
Epoch : 275: f1_weighted Score 0.812 params {'alpha': 13.583165004671145, 'normalize': False, 'solver': 'svd'}
Epoch : 276: f1_weighted Score 0.812 params {'alpha': 9.951279319548396, 'normalize': False, 'solver': 'svd'}
Epoch : 277: f1_weighted Score 0.812 params {'alpha': 9.458178616733699, 'normalize': False, 'solver': 'svd'}
Epoch : 278: f1_weighted Score 0.812 params {'alpha': 9.224130975057228, 'normalize': False, 'solver': 'svd'}
Epoch : 279: f1_weighted Score 0.812 params {'alpha': 11.553816716408495, 'normalize': False, 'solver': 'auto'}
Epoch : 280: f1_weighted Score 0.812 params {'alpha': 10.13658688995647, 'normalize': False, 'solver': 'auto'}
Epoch : 281: f1_weighted Score 0.812 params {'alpha': 12.518311112970345, 'normalize': False, 'solver': 'auto'}
Epoch : 282: f1_weighted Score 0.812 params {'alpha': 13.337674103881069, 'normalize': False, 'solver': 'auto'}
Epoch : 283: f1_weighted Score 0.812 params {'alpha': 12.309691309691862, 'normalize': False, 'solver': 'auto'}
Epoch : 284: f1_weighted Score 0.812 params {'alpha': 13.636359519285463, 'normalize': False, 'solver': 'auto'}
Epoch : 285: f1_weighted Score 0.812 params {'alpha': 14.985976884409803, 'normalize': False, 'solver': 'auto'}
Epoch : 286: f1_weighted Score 0.560 params {'alpha': 14.606618647910508, 'normalize': True, 'solver': 'saga'}
Epoch : 287: f1_weighted Score 0.812 params {'alpha': 16.004095818477932, 'normalize': False, 'solver': 'saga'}
Epoch : 288: f1_weighted Score 0.812 params {'alpha': 16.30457665396275, 'normalize': False, 'solver': 'saga'}
Epoch : 289: f1_weighted Score 0.812 params {'alpha': 16.75909920674027, 'normalize': False, 'solver': 'saga'}
Epoch : 290: f1_weighted Score 0.812 params {'alpha': 15.652717167724635, 'normalize': False, 'solver': 'saga'}
Epoch : 291: f1_weighted Score 0.812 params {'alpha': 17.593880899623688, 'normalize': False, 'solver': 'saga'}
Epoch : 292: f1_weighted Score 0.812 params {'alpha': 19.835611312049537, 'normalize': False, 'solver': 'saga'}
Epoch : 293: f1_weighted Score 0.560 params {'alpha': 16.89337556283681, 'normalize': True, 'solver': 'saga'}
Epoch : 294: f1_weighted Score 0.812 params {'alpha': 17.082729865866263, 'normalize': False, 'solver': 'svd'}
Epoch : 295: f1_weighted Score 0.812 params {'alpha': 0.8796757562316366, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 296: f1_weighted Score 0.663 params {'alpha': 2.493995208893935, 'normalize': True, 'solver': 'svd'}
Epoch : 297: f1_weighted Score 0.812 params {'alpha': 0.07451129610352147, 'normalize': True, 'solver': 'saga'}
Epoch : 298: f1_weighted Score 0.810 params {'alpha': 1.5769533914557847, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 299: f1_weighted Score 0.560 params {'alpha': 3.2696967130742465, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 300: f1_weighted Score 0.812 params {'alpha': 0.22846186837073512, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 301: f1_weighted Score 0.560 params {'alpha': 3.8545116850041095, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 302: f1_weighted Score 0.560 params {'alpha': 5.481823010166738, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 303: f1_weighted Score 0.812 params {'alpha': 1.1786684095068098, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 304: f1_weighted Score 0.804 params {'alpha': 1.8034181526579331, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 305: f1_weighted Score 0.564 params {'alpha': 3.0724217886501197, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 306: f1_weighted Score 0.812 params {'alpha': 0.5457498334246279, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 307: f1_weighted Score 0.615 params {'alpha': 2.625977155796599, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 308: f1_weighted Score 0.751 params {'alpha': 2.0540489039200347, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 309: f1_weighted Score 0.560 params {'alpha': 4.249473653437947, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 310: f1_weighted Score 0.560 params {'alpha': 6.396374814374536, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 311: f1_weighted Score 0.560 params {'alpha': 5.104302612142124, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 312: f1_weighted Score 0.560 params {'alpha': 6.012490318787144, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 313: f1_weighted Score 0.560 params {'alpha': 8.132124860050464, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 314: f1_weighted Score 0.560 params {'alpha': 7.769119357435916, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 315: f1_weighted Score 0.560 params {'alpha': 4.6997059874265705, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 316: f1_weighted Score 0.812 params {'alpha': 0.16932236598107298, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 317: f1_weighted Score 0.812 params {'alpha': 1.0536379915903247, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 318: f1_weighted Score 0.560 params {'alpha': 5.634896228124541, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 319: f1_weighted Score 0.812 params {'alpha': 4.083606725291515, 'normalize': False, 'solver': 'lsqr'}
Epoch : 320: f1_weighted Score 0.812 params {'alpha': 8.462382040815804, 'normalize': False, 'solver': 'lsqr'}
Epoch : 321: f1_weighted Score 0.812 params {'alpha': 7.166722132239877, 'normalize': False, 'solver': 'lsqr'}
Epoch : 322: f1_weighted Score 0.812 params {'alpha': 10.50763671428265, 'normalize': False, 'solver': 'lsqr'}
Epoch : 323: f1_weighted Score 0.812 params {'alpha': 19.409259934267588, 'normalize': False, 'solver': 'sag'}
Epoch : 324: f1_weighted Score 0.812 params {'alpha': 19.887339311441906, 'normalize': False, 'solver': 'sag'}
Epoch : 325: f1_weighted Score 0.812 params {'alpha': 18.68122334345562, 'normalize': False, 'solver': 'sag'}
Epoch : 326: f1_weighted Score 0.812 params {'alpha': 7.495384909860755, 'normalize': False, 'solver': 'sag'}
Epoch : 327: f1_weighted Score 0.812 params {'alpha': 8.413207159237865, 'normalize': False, 'solver': 'sag'}
Epoch : 328: f1_weighted Score 0.812 params {'alpha': 8.842607239269554, 'normalize': False, 'solver': 'sag'}
Epoch : 329: f1_weighted Score 0.812 params {'alpha': 6.711292220049562, 'normalize': False, 'solver': 'sag'}
Epoch : 330: f1_weighted Score 0.812 params {'alpha': 7.950510553423628, 'normalize': False, 'solver': 'sag'}
Epoch : 331: f1_weighted Score 0.812 params {'alpha': 7.6438583651823535, 'normalize': False, 'solver': 'sag'}
Epoch : 332: f1_weighted Score 0.812 params {'alpha': 9.154750473682862, 'normalize': False, 'solver': 'sag'}
Epoch : 333: f1_weighted Score 0.812 params {'alpha': 9.731226309891419, 'normalize': False, 'solver': 'sag'}
Epoch : 334: f1_weighted Score 0.812 params {'alpha': 13.955657588887616, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 335: f1_weighted Score 0.812 params {'alpha': 15.293378047977644, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 336: f1_weighted Score 0.812 params {'alpha': 14.344994399217333, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 337: f1_weighted Score 0.812 params {'alpha': 2.914252264458065, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 338: f1_weighted Score 0.812 params {'alpha': 2.0775760211320127, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 339: f1_weighted Score 0.812 params {'alpha': 2.8772700258572392, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 340: f1_weighted Score 0.812 params {'alpha': 1.402898638132331, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 341: f1_weighted Score 0.812 params {'alpha': 0.4600438169352854, 'normalize': False, 'solver': 'saga'}
Epoch : 342: f1_weighted Score 0.812 params {'alpha': 1.2874476181827434, 'normalize': False, 'solver': 'saga'}
Epoch : 343: f1_weighted Score 0.812 params {'alpha': 2.3486845327504504, 'normalize': False, 'solver': 'saga'}
Epoch : 344: f1_weighted Score 0.812 params {'alpha': 3.5369033445470084, 'normalize': False, 'solver': 'saga'}
Epoch : 345: f1_weighted Score 0.812 params {'alpha': 0.43507967677006426, 'normalize': False, 'solver': 'sparse_cg'}
Epoch : 346: f1_weighted Score 0.812 params {'alpha': 19.651585161500275, 'normalize': False, 'solver': 'saga'}
Epoch : 347: f1_weighted Score 0.812 params {'alpha': 17.72031404164158, 'normalize': False, 'solver': 'saga'}
Epoch : 348: f1_weighted Score 0.812 params {'alpha': 16.533728118934913, 'normalize': False, 'solver': 'saga'}
Epoch : 349: f1_weighted Score 0.812 params {'alpha': 17.40207719214867, 'normalize': False, 'solver': 'saga'}
Epoch : 350: f1_weighted Score 0.812 params {'alpha': 18.111894177342368, 'normalize': False, 'solver': 'lsqr'}
Epoch : 351: f1_weighted Score 0.812 params {'alpha': 17.276024327870985, 'normalize': False, 'solver': 'lsqr'}
Epoch : 352: f1_weighted Score 0.812 params {'alpha': 16.503999486212162, 'normalize': False, 'solver': 'lsqr'}
Epoch : 353: f1_weighted Score 0.812 params {'alpha': 15.354064746774952, 'normalize': False, 'solver': 'lsqr'}
Epoch : 354: f1_weighted Score 0.812 params {'alpha': 15.86851146223337, 'normalize': False, 'solver': 'lsqr'}
Epoch : 355: f1_weighted Score 0.812 params {'alpha': 6.82928882742998, 'normalize': False, 'solver': 'lsqr'}
Epoch : 356: f1_weighted Score 0.812 params {'alpha': 6.301892378091254, 'normalize': False, 'solver': 'lsqr'}
Epoch : 357: f1_weighted Score 0.812 params {'alpha': 4.894574259530606, 'normalize': False, 'solver': 'lsqr'}
Epoch : 358: f1_weighted Score 0.812 params {'alpha': 4.287169484904629, 'normalize': False, 'solver': 'lsqr'}
Epoch : 359: f1_weighted Score 0.812 params {'alpha': 6.93941860339762, 'normalize': False, 'solver': 'lsqr'}
Epoch : 360: f1_weighted Score 0.812 params {'alpha': 5.246653032004518, 'normalize': False, 'solver': 'lsqr'}
Epoch : 361: f1_weighted Score 0.812 params {'alpha': 5.916398736904416, 'normalize': False, 'solver': 'lsqr'}
Epoch : 362: f1_weighted Score 0.812 params {'alpha': 6.3782650825798495, 'normalize': False, 'solver': 'lsqr'}
Epoch : 363: f1_weighted Score 0.812 params {'alpha': 5.573191166962986, 'normalize': False, 'solver': 'cholesky'}
Epoch : 364: f1_weighted Score 0.812 params {'alpha': 7.49189539796877, 'normalize': False, 'solver': 'cholesky'}
Epoch : 365: f1_weighted Score 0.812 params {'alpha': 9.84282965836142, 'normalize': False, 'solver': 'cholesky'}
Epoch : 366: f1_weighted Score 0.812 params {'alpha': 11.217834862863773, 'normalize': False, 'solver': 'cholesky'}
Epoch : 367: f1_weighted Score 0.812 params {'alpha': 11.26583334962367, 'normalize': False, 'solver': 'cholesky'}
Epoch : 368: f1_weighted Score 0.812 params {'alpha': 10.249909696012983, 'normalize': False, 'solver': 'cholesky'}
Epoch : 369: f1_weighted Score 0.812 params {'alpha': 12.008319358821737, 'normalize': False, 'solver': 'cholesky'}
Epoch : 370: f1_weighted Score 0.812 params {'alpha': 11.736858942262417, 'normalize': False, 'solver': 'cholesky'}
Epoch : 371: f1_weighted Score 0.812 params {'alpha': 12.712428112125933, 'normalize': False, 'solver': 'cholesky'}
Epoch : 372: f1_weighted Score 0.812 params {'alpha': 12.28164941910015, 'normalize': False, 'solver': 'cholesky'}
Epoch : 373: f1_weighted Score 0.812 params {'alpha': 12.534570434362875, 'normalize': False, 'solver': 'cholesky'}
Epoch : 374: f1_weighted Score 0.812 params {'alpha': 11.791243570941171, 'normalize': False, 'solver': 'cholesky'}
Epoch : 375: f1_weighted Score 0.812 params {'alpha': 12.976492922742853, 'normalize': False, 'solver': 'cholesky'}
Epoch : 376: f1_weighted Score 0.812 params {'alpha': 14.89380996982873, 'normalize': False, 'solver': 'cholesky'}
Epoch : 377: f1_weighted Score 0.812 params {'alpha': 14.241977256079299, 'normalize': False, 'solver': 'cholesky'}
Epoch : 378: f1_weighted Score 0.812 params {'alpha': 13.508885008291013, 'normalize': False, 'solver': 'cholesky'}
Epoch : 379: f1_weighted Score 0.812 params {'alpha': 13.897177489996226, 'normalize': False, 'solver': 'cholesky'}
Epoch : 380: f1_weighted Score 0.812 params {'alpha': 13.240683766462338, 'normalize': False, 'solver': 'svd'}
Epoch : 381: f1_weighted Score 0.812 params {'alpha': 13.050688115667269, 'normalize': False, 'solver': 'svd'}
Epoch : 382: f1_weighted Score 0.812 params {'alpha': 14.824692561649528, 'normalize': False, 'solver': 'svd'}
Epoch : 383: f1_weighted Score 0.812 params {'alpha': 10.876141662599206, 'normalize': False, 'solver': 'svd'}
Epoch : 384: f1_weighted Score 0.812 params {'alpha': 10.845064302805858, 'normalize': False, 'solver': 'svd'}
Epoch : 385: f1_weighted Score 0.812 params {'alpha': 10.700100472450906, 'normalize': False, 'solver': 'svd'}
Epoch : 386: f1_weighted Score 0.812 params {'alpha': 9.576938313773308, 'normalize': False, 'solver': 'svd'}
Epoch : 387: f1_weighted Score 0.812 params {'alpha': 11.301385004563489, 'normalize': False, 'solver': 'auto'}
Epoch : 388: f1_weighted Score 0.812 params {'alpha': 11.492511597179137, 'normalize': False, 'solver': 'auto'}
Epoch : 389: f1_weighted Score 0.812 params {'alpha': 12.81880493006678, 'normalize': False, 'solver': 'auto'}
Epoch : 390: f1_weighted Score 0.812 params {'alpha': 12.107324441064627, 'normalize': False, 'solver': 'auto'}
Epoch : 391: f1_weighted Score 0.812 params {'alpha': 12.61553733264923, 'normalize': False, 'solver': 'auto'}
Epoch : 392: f1_weighted Score 0.812 params {'alpha': 11.087821102425451, 'normalize': False, 'solver': 'auto'}
Epoch : 393: f1_weighted Score 0.812 params {'alpha': 14.44674107924118, 'normalize': False, 'solver': 'auto'}
Epoch : 394: f1_weighted Score 0.812 params {'alpha': 16.02168332771494, 'normalize': False, 'solver': 'auto'}
Epoch : 395: f1_weighted Score 0.812 params {'alpha': 15.603089751987241, 'normalize': False, 'solver': 'auto'}
Epoch : 396: f1_weighted Score 0.812 params {'alpha': 18.949986839468338, 'normalize': False, 'solver': 'lsqr'}
Epoch : 397: f1_weighted Score 0.812 params {'alpha': 18.42243304826958, 'normalize': False, 'solver': 'lsqr'}
Epoch : 398: f1_weighted Score 0.812 params {'alpha': 17.827269203214968, 'normalize': False, 'solver': 'lsqr'}
Epoch : 399: f1_weighted Score 0.812 params {'alpha': 19.196047005434426, 'normalize': False, 'solver': 'lsqr'}
Epoch : 400: f1_weighted Score 0.812 params {'alpha': 18.68351697517879, 'normalize': False, 'solver': 'lsqr'}
Epoch : 401: f1_weighted Score 0.812 params {'alpha': 18.347485458018234, 'normalize': False, 'solver': 'lsqr'}
Epoch : 402: f1_weighted Score 0.812 params {'alpha': 19.173514362207513, 'normalize': False, 'solver': 'lsqr'}
Epoch : 403: f1_weighted Score 0.812 params {'alpha': 4.514599262558025, 'normalize': False, 'solver': 'lsqr'}
Epoch : 404: f1_weighted Score 0.812 params {'alpha': 3.9666669972288133, 'normalize': False, 'solver': 'lsqr'}
Epoch : 405: f1_weighted Score 0.812 params {'alpha': 4.706904393784969, 'normalize': False, 'solver': 'lsqr'}
Epoch : 406: f1_weighted Score 0.812 params {'alpha': 3.677442018101553, 'normalize': False, 'solver': 'lsqr'}
Epoch : 407: f1_weighted Score 0.812 params {'alpha': 7.109009049656422, 'normalize': False, 'solver': 'lsqr'}
Epoch : 408: f1_weighted Score 0.812 params {'alpha': 6.116275074514476, 'normalize': False, 'solver': 'saga'}
Epoch : 409: f1_weighted Score 0.812 params {'alpha': 6.538147127941152, 'normalize': False, 'solver': 'saga'}
Epoch : 410: f1_weighted Score 0.812 params {'alpha': 8.718165178056191, 'normalize': False, 'solver': 'sag'}
Epoch : 411: f1_weighted Score 0.812 params {'alpha': 8.333106031142664, 'normalize': False, 'solver': 'sag'}
Epoch : 412: f1_weighted Score 0.812 params {'alpha': 8.81795419407651, 'normalize': False, 'solver': 'sag'}
Epoch : 413: f1_weighted Score 0.812 params {'alpha': 8.026914392410546, 'normalize': False, 'solver': 'sag'}
Epoch : 414: f1_weighted Score 0.812 params {'alpha': 9.142240700916782, 'normalize': False, 'solver': 'sag'}
Epoch : 415: f1_weighted Score 0.812 params {'alpha': 15.128588902338045, 'normalize': False, 'solver': 'sag'}
Epoch : 416: f1_weighted Score 0.812 params {'alpha': 13.95957986598062, 'normalize': False, 'solver': 'sag'}
Epoch : 417: f1_weighted Score 0.812 params {'alpha': 13.443370762495405, 'normalize': False, 'solver': 'sag'}
Epoch : 418: f1_weighted Score 0.812 params {'alpha': 13.52241619552435, 'normalize': False, 'solver': 'sag'}
Epoch : 419: f1_weighted Score 0.812 params {'alpha': 11.895697442067203, 'normalize': False, 'solver': 'svd'}
Epoch : 420: f1_weighted Score 0.812 params {'alpha': 10.172518358233265, 'normalize': False, 'solver': 'svd'}
Epoch : 421: f1_weighted Score 0.812 params {'alpha': 9.607269865937694, 'normalize': False, 'solver': 'svd'}
Epoch : 422: f1_weighted Score 0.812 params {'alpha': 9.958552841703778, 'normalize': False, 'solver': 'svd'}
Epoch : 423: f1_weighted Score 0.812 params {'alpha': 12.28731061002483, 'normalize': False, 'solver': 'svd'}
Epoch : 424: f1_weighted Score 0.812 params {'alpha': 10.20113507197804, 'normalize': False, 'solver': 'svd'}
Epoch : 425: f1_weighted Score 0.812 params {'alpha': 9.41758871744616, 'normalize': False, 'solver': 'svd'}
Epoch : 426: f1_weighted Score 0.812 params {'alpha': 9.205326939081134, 'normalize': False, 'solver': 'svd'}
Epoch : 427: f1_weighted Score 0.812 params {'alpha': 10.514713029860818, 'normalize': False, 'solver': 'svd'}
Epoch : 428: f1_weighted Score 0.812 params {'alpha': 11.542491204522113, 'normalize': False, 'solver': 'auto'}
Epoch : 429: f1_weighted Score 0.812 params {'alpha': 11.562685517207159, 'normalize': False, 'solver': 'auto'}
Epoch : 430: f1_weighted Score 0.812 params {'alpha': 12.279559310961842, 'normalize': False, 'solver': 'auto'}
Epoch : 431: f1_weighted Score 0.812 params {'alpha': 13.08978246893626, 'normalize': False, 'solver': 'auto'}
Epoch : 432: f1_weighted Score 0.812 params {'alpha': 12.500290725016455, 'normalize': False, 'solver': 'auto'}
Epoch : 433: f1_weighted Score 0.812 params {'alpha': 13.76281124688777, 'normalize': False, 'solver': 'auto'}
Epoch : 434: f1_weighted Score 0.812 params {'alpha': 14.467860962016797, 'normalize': False, 'solver': 'auto'}
Epoch : 435: f1_weighted Score 0.812 params {'alpha': 15.075578591295955, 'normalize': False, 'solver': 'auto'}
Epoch : 436: f1_weighted Score 0.812 params {'alpha': 16.068261287634883, 'normalize': False, 'solver': 'auto'}
Epoch : 437: f1_weighted Score 0.812 params {'alpha': 16.261491781527127, 'normalize': False, 'solver': 'saga'}
Epoch : 438: f1_weighted Score 0.812 params {'alpha': 16.74431768129157, 'normalize': False, 'solver': 'saga'}
Epoch : 439: f1_weighted Score 0.812 params {'alpha': 16.96326228467876, 'normalize': False, 'solver': 'saga'}
Epoch : 440: f1_weighted Score 0.812 params {'alpha': 15.862716348659292, 'normalize': False, 'solver': 'saga'}
Epoch : 441: f1_weighted Score 0.812 params {'alpha': 17.622672774834214, 'normalize': False, 'solver': 'saga'}
Epoch : 442: f1_weighted Score 0.812 params {'alpha': 16.387469062426007, 'normalize': False, 'solver': 'saga'}
Epoch : 443: f1_weighted Score 0.812 params {'alpha': 17.6989298395894, 'normalize': False, 'solver': 'saga'}
Epoch : 444: f1_weighted Score 0.812 params {'alpha': 19.99548743968719, 'normalize': False, 'solver': 'saga'}
Epoch : 445: f1_weighted Score 0.812 params {'alpha': 16.991376527011123, 'normalize': False, 'solver': 'saga'}
Epoch : 446: f1_weighted Score 0.560 params {'alpha': 17.234312797175377, 'normalize': True, 'solver': 'saga'}
Epoch : 447: f1_weighted Score 0.560 params {'alpha': 19.64348178885844, 'normalize': True, 'solver': 'saga'}
Epoch : 448: f1_weighted Score 0.812 params {'alpha': 0.21705150709976856, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 449: f1_weighted Score 0.812 params {'alpha': 0.11152249426618119, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 450: f1_weighted Score 0.812 params {'alpha': 0.9154390061542736, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 451: f1_weighted Score 0.812 params {'alpha': 0.7287867081809001, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 452: f1_weighted Score 0.812 params {'alpha': 0.028504081589264985, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 453: f1_weighted Score 0.812 params {'alpha': 1.1362391759491877, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 454: f1_weighted Score 0.808 params {'alpha': 1.749732081650561, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 455: f1_weighted Score 0.812 params {'alpha': 4.438680759981828, 'normalize': False, 'solver': 'lsqr'}
Epoch : 456: f1_weighted Score 0.812 params {'alpha': 0.011420249482041539, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 457: f1_weighted Score 0.808 params {'alpha': 1.6798144487402265, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 458: f1_weighted Score 0.707 params {'alpha': 2.3959825621692867, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 459: f1_weighted Score 0.812 params {'alpha': 1.200415400449681, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 460: f1_weighted Score 0.812 params {'alpha': 0.650425376560151, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 461: f1_weighted Score 0.560 params {'alpha': 3.222427361172435, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 462: f1_weighted Score 0.619 params {'alpha': 2.6029382062444455, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 463: f1_weighted Score 0.802 params {'alpha': 1.8625414812013754, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 464: f1_weighted Score 0.560 params {'alpha': 3.1902398037043835, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 465: f1_weighted Score 0.714 params {'alpha': 2.322085037230631, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 466: f1_weighted Score 0.812 params {'alpha': 8.565122604157898, 'normalize': False, 'solver': 'sag'}
Epoch : 467: f1_weighted Score 0.812 params {'alpha': 1.4399698005439352, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 468: f1_weighted Score 0.812 params {'alpha': 0.8985416841038364, 'normalize': True, 'solver': 'sparse_cg'}
Epoch : 469: f1_weighted Score 0.560 params {'alpha': 4.087095539939652, 'normalize': True, 'solver': 'lsqr'}
Epoch : 470: f1_weighted Score 0.560 params {'alpha': 5.605637825525092, 'normalize': True, 'solver': 'lsqr'}
Epoch : 471: f1_weighted Score 0.560 params {'alpha': 7.739487616932466, 'normalize': True, 'solver': 'lsqr'}
Epoch : 472: f1_weighted Score 0.560 params {'alpha': 7.117682180794381, 'normalize': True, 'solver': 'lsqr'}
Epoch : 473: f1_weighted Score 0.560 params {'alpha': 5.15902102731191, 'normalize': True, 'solver': 'lsqr'}
Epoch : 474: f1_weighted Score 0.560 params {'alpha': 7.456740013598616, 'normalize': True, 'solver': 'lsqr'}
Epoch : 475: f1_weighted Score 0.560 params {'alpha': 8.166759970075358, 'normalize': True, 'solver': 'lsqr'}
Epoch : 476: f1_weighted Score 0.560 params {'alpha': 6.100615837000576, 'normalize': True, 'solver': 'lsqr'}
Epoch : 477: f1_weighted Score 0.560 params {'alpha': 5.097162423565278, 'normalize': True, 'solver': 'lsqr'}
Epoch : 478: f1_weighted Score 0.812 params {'alpha': 13.274252364772043, 'normalize': False, 'solver': 'auto'}
Epoch : 479: f1_weighted Score 0.560 params {'alpha': 7.148525493757065, 'normalize': True, 'solver': 'lsqr'}
Epoch : 480: f1_weighted Score 0.560 params {'alpha': 6.666957000494, 'normalize': True, 'solver': 'lsqr'}
Epoch : 481: f1_weighted Score 0.812 params {'alpha': 8.393400944693312, 'normalize': False, 'solver': 'lsqr'}
Epoch : 482: f1_weighted Score 0.812 params {'alpha': 5.823402847584854, 'normalize': False, 'solver': 'lsqr'}
Epoch : 483: f1_weighted Score 0.812 params {'alpha': 7.676198516763087, 'normalize': False, 'solver': 'lsqr'}
Epoch : 484: f1_weighted Score 0.812 params {'alpha': 19.453342355352554, 'normalize': False, 'solver': 'sag'}
Epoch : 485: f1_weighted Score 0.812 params {'alpha': 19.98461743593996, 'normalize': False, 'solver': 'sag'}
Epoch : 486: f1_weighted Score 0.812 params {'alpha': 18.590333817353066, 'normalize': False, 'solver': 'sag'}
Epoch : 487: f1_weighted Score 0.812 params {'alpha': 19.81573336662682, 'normalize': False, 'solver': 'sag'}
Epoch : 488: f1_weighted Score 0.812 params {'alpha': 18.431753859192305, 'normalize': False, 'solver': 'sag'}
Epoch : 489: f1_weighted Score 0.812 params {'alpha': 19.09177652782541, 'normalize': False, 'solver': 'sag'}
Epoch : 490: f1_weighted Score 0.812 params {'alpha': 19.524244760054998, 'normalize': False, 'solver': 'sag'}
Epoch : 491: f1_weighted Score 0.812 params {'alpha': 18.800010947184287, 'normalize': False, 'solver': 'sag'}
Epoch : 492: f1_weighted Score 0.812 params {'alpha': 8.602546311881936, 'normalize': False, 'solver': 'sag'}
Epoch : 493: f1_weighted Score 0.812 params {'alpha': 7.47560545728286, 'normalize': False, 'solver': 'sag'}
Epoch : 494: f1_weighted Score 0.812 params {'alpha': 8.90131600574663, 'normalize': False, 'solver': 'sag'}
Epoch : 495: f1_weighted Score 0.812 params {'alpha': 6.731592475438871, 'normalize': False, 'solver': 'sag'}
Epoch : 496: f1_weighted Score 0.812 params {'alpha': 7.951737337549899, 'normalize': False, 'solver': 'sag'}
Epoch : 497: f1_weighted Score 0.812 params {'alpha': 9.152266205709768, 'normalize': False, 'solver': 'sag'}
Epoch : 498: f1_weighted Score 0.812 params {'alpha': 9.12293095803827, 'normalize': False, 'solver': 'sag'}
Epoch : 499: f1_weighted Score 0.812 params {'alpha': 10.138775493799244, 'normalize': False, 'solver': 'sag'}
Epoch : 500: f1_weighted Score 0.812 params {'alpha': 9.491206933158386, 'normalize': False, 'solver': 'sag'}
the best option is: {'alpha': 13.56202039322546, 'normalize': False, 'solver': 'sparse_cg'}
Cooresponding loss:
0.812312824990272
In [241]:
SVC_space = {
    'C': hp.uniform('C',0,10),
    'kernel': hp.choice('kernel', ['linear','poly','rbf','sigmoid']),
    'probability': hp.choice('probability', [False,True])
}
SVC = Bayesian_Optimizer(clf=svm.SVC, param_space=SVC_space, max_eval=500)
SVC.HP_optimization()
Epoch : 1: f1_weighted Score 0.812 params {'C': 6.011502588138247, 'kernel': 'poly', 'probability': True}
Epoch : 2: f1_weighted Score 0.812 params {'C': 5.849913345186107, 'kernel': 'linear', 'probability': True}
Epoch : 3: f1_weighted Score 0.812 params {'C': 6.61842481867556, 'kernel': 'linear', 'probability': True}
Epoch : 4: f1_weighted Score 0.812 params {'C': 8.561665661512919, 'kernel': 'rbf', 'probability': False}
Epoch : 5: f1_weighted Score 0.810 params {'C': 9.039723088368357, 'kernel': 'poly', 'probability': True}
Epoch : 6: f1_weighted Score 0.812 params {'C': 3.945567950048372, 'kernel': 'poly', 'probability': False}
Epoch : 7: f1_weighted Score 0.812 params {'C': 7.591329137970442, 'kernel': 'linear', 'probability': False}
Epoch : 8: f1_weighted Score 0.812 params {'C': 4.301306811262196, 'kernel': 'poly', 'probability': False}
Epoch : 9: f1_weighted Score 0.812 params {'C': 3.0124727160078404, 'kernel': 'poly', 'probability': False}
Epoch : 10: f1_weighted Score 0.612 params {'C': 3.6503972584662026, 'kernel': 'sigmoid', 'probability': True}
Epoch : 11: f1_weighted Score 0.812 params {'C': 0.42822867720485047, 'kernel': 'linear', 'probability': True}
Epoch : 12: f1_weighted Score 0.812 params {'C': 0.8669972860239106, 'kernel': 'linear', 'probability': False}
Epoch : 13: f1_weighted Score 0.812 params {'C': 7.421275212667645, 'kernel': 'linear', 'probability': True}
Epoch : 14: f1_weighted Score 0.812 params {'C': 7.974152504420003, 'kernel': 'linear', 'probability': False}
Epoch : 15: f1_weighted Score 0.812 params {'C': 4.316959010598364, 'kernel': 'rbf', 'probability': False}
Epoch : 16: f1_weighted Score 0.616 params {'C': 5.5408883048429045, 'kernel': 'sigmoid', 'probability': False}
Epoch : 17: f1_weighted Score 0.812 params {'C': 1.6424679989597935, 'kernel': 'linear', 'probability': True}
Epoch : 18: f1_weighted Score 0.812 params {'C': 9.196180048410408, 'kernel': 'linear', 'probability': False}
Epoch : 19: f1_weighted Score 0.812 params {'C': 4.960761048321495, 'kernel': 'rbf', 'probability': True}
Epoch : 20: f1_weighted Score 0.812 params {'C': 8.531022820921667, 'kernel': 'rbf', 'probability': False}
Epoch : 21: f1_weighted Score 0.810 params {'C': 9.472715429735969, 'kernel': 'poly', 'probability': True}
Epoch : 22: f1_weighted Score 0.812 params {'C': 2.853818547975503, 'kernel': 'rbf', 'probability': True}
Epoch : 23: f1_weighted Score 0.812 params {'C': 6.493139326837635, 'kernel': 'rbf', 'probability': True}
Epoch : 24: f1_weighted Score 0.615 params {'C': 6.907509651944274, 'kernel': 'sigmoid', 'probability': False}
Epoch : 25: f1_weighted Score 0.812 params {'C': 2.0893787180048067, 'kernel': 'poly', 'probability': True}
Epoch : 26: f1_weighted Score 0.812 params {'C': 5.958243825098383, 'kernel': 'rbf', 'probability': True}
Epoch : 27: f1_weighted Score 0.812 params {'C': 9.929028675227148, 'kernel': 'rbf', 'probability': True}
Epoch : 28: f1_weighted Score 0.812 params {'C': 1.8332790881251322, 'kernel': 'poly', 'probability': True}
Epoch : 29: f1_weighted Score 0.616 params {'C': 5.471936796701353, 'kernel': 'sigmoid', 'probability': True}
Epoch : 30: f1_weighted Score 0.812 params {'C': 4.829757327256596, 'kernel': 'poly', 'probability': True}
Epoch : 31: f1_weighted Score 0.790 params {'C': 0.08714769789530097, 'kernel': 'poly', 'probability': True}
Epoch : 32: f1_weighted Score 0.812 params {'C': 9.614916588411662, 'kernel': 'rbf', 'probability': True}
Epoch : 33: f1_weighted Score 0.812 params {'C': 5.059542616930012, 'kernel': 'poly', 'probability': True}
Epoch : 34: f1_weighted Score 0.812 params {'C': 6.107564036699005, 'kernel': 'poly', 'probability': True}
Epoch : 35: f1_weighted Score 0.812 params {'C': 9.939215963534565, 'kernel': 'rbf', 'probability': True}
Epoch : 36: f1_weighted Score 0.810 params {'C': 6.742215299964057, 'kernel': 'poly', 'probability': True}
Epoch : 37: f1_weighted Score 0.812 params {'C': 5.947127798883983, 'kernel': 'poly', 'probability': True}
Epoch : 38: f1_weighted Score 0.812 params {'C': 8.385303765255642, 'kernel': 'rbf', 'probability': True}
Epoch : 39: f1_weighted Score 0.615 params {'C': 7.714483066635012, 'kernel': 'sigmoid', 'probability': True}
Epoch : 40: f1_weighted Score 0.812 params {'C': 3.5552535975129502, 'kernel': 'poly', 'probability': True}
Epoch : 41: f1_weighted Score 0.812 params {'C': 7.341726774153851, 'kernel': 'rbf', 'probability': True}
Epoch : 42: f1_weighted Score 0.812 params {'C': 2.962261135256854, 'kernel': 'poly', 'probability': True}
Epoch : 43: f1_weighted Score 0.812 params {'C': 6.883572516508176, 'kernel': 'rbf', 'probability': True}
Epoch : 44: f1_weighted Score 0.812 params {'C': 2.7142285909149697, 'kernel': 'poly', 'probability': True}
Epoch : 45: f1_weighted Score 0.617 params {'C': 6.259675292455298, 'kernel': 'sigmoid', 'probability': False}
Epoch : 46: f1_weighted Score 0.812 params {'C': 1.2406714881506817, 'kernel': 'poly', 'probability': True}
Epoch : 47: f1_weighted Score 0.812 params {'C': 2.4092177462982827, 'kernel': 'poly', 'probability': False}
Epoch : 48: f1_weighted Score 0.812 params {'C': 1.2153979610874572, 'kernel': 'poly', 'probability': True}
Epoch : 49: f1_weighted Score 0.812 params {'C': 4.2609076210332715, 'kernel': 'linear', 'probability': False}
Epoch : 50: f1_weighted Score 0.812 params {'C': 3.5979252038125984, 'kernel': 'poly', 'probability': True}
Epoch : 51: f1_weighted Score 0.812 params {'C': 5.462823817892432, 'kernel': 'rbf', 'probability': True}
Epoch : 52: f1_weighted Score 0.812 params {'C': 3.588406799424917, 'kernel': 'linear', 'probability': False}
Epoch : 53: f1_weighted Score 0.617 params {'C': 8.964364016543009, 'kernel': 'sigmoid', 'probability': True}
Epoch : 54: f1_weighted Score 0.812 params {'C': 3.2786820949607858, 'kernel': 'linear', 'probability': False}
Epoch : 55: f1_weighted Score 0.812 params {'C': 0.5485564169653281, 'kernel': 'poly', 'probability': True}
Epoch : 56: f1_weighted Score 0.812 params {'C': 8.09753126983366, 'kernel': 'rbf', 'probability': True}
Epoch : 57: f1_weighted Score 0.812 params {'C': 0.5871494566821012, 'kernel': 'poly', 'probability': True}
Epoch : 58: f1_weighted Score 0.812 params {'C': 8.112970784549514, 'kernel': 'rbf', 'probability': True}
Epoch : 59: f1_weighted Score 0.812 params {'C': 4.265984430115629, 'kernel': 'poly', 'probability': False}
Epoch : 60: f1_weighted Score 0.812 params {'C': 9.081780178028415, 'kernel': 'rbf', 'probability': True}
Epoch : 61: f1_weighted Score 0.617 params {'C': 9.714191513326124, 'kernel': 'sigmoid', 'probability': True}
Epoch : 62: f1_weighted Score 0.812 params {'C': 1.9010309611607041, 'kernel': 'poly', 'probability': False}
Epoch : 63: f1_weighted Score 0.812 params {'C': 5.115565558178131, 'kernel': 'poly', 'probability': True}
Epoch : 64: f1_weighted Score 0.812 params {'C': 5.643076567643735, 'kernel': 'linear', 'probability': True}
Epoch : 65: f1_weighted Score 0.810 params {'C': 7.192140304924223, 'kernel': 'poly', 'probability': True}
Epoch : 66: f1_weighted Score 0.812 params {'C': 4.608575676689824, 'kernel': 'linear', 'probability': True}
Epoch : 67: f1_weighted Score 0.812 params {'C': 6.279708098384139, 'kernel': 'rbf', 'probability': True}
Epoch : 68: f1_weighted Score 0.812 params {'C': 4.644182310859148, 'kernel': 'linear', 'probability': True}
Epoch : 69: f1_weighted Score 0.812 params {'C': 6.399838599277094, 'kernel': 'rbf', 'probability': True}
Epoch : 70: f1_weighted Score 0.812 params {'C': 4.625270383077015, 'kernel': 'linear', 'probability': True}
Epoch : 71: f1_weighted Score 0.810 params {'C': 6.563109084501114, 'kernel': 'poly', 'probability': True}
Epoch : 72: f1_weighted Score 0.812 params {'C': 4.029430981485632, 'kernel': 'poly', 'probability': True}
Epoch : 73: f1_weighted Score 0.617 params {'C': 8.420448758933695, 'kernel': 'sigmoid', 'probability': True}
Epoch : 74: f1_weighted Score 0.812 params {'C': 3.942881259988176, 'kernel': 'rbf', 'probability': True}
Epoch : 75: f1_weighted Score 0.810 params {'C': 7.1778066617208065, 'kernel': 'poly', 'probability': True}
Epoch : 76: f1_weighted Score 0.812 params {'C': 5.853325486933446, 'kernel': 'rbf', 'probability': True}
Epoch : 77: f1_weighted Score 0.812 params {'C': 5.340557064248413, 'kernel': 'poly', 'probability': True}
Epoch : 78: f1_weighted Score 0.812 params {'C': 7.552711923268223, 'kernel': 'rbf', 'probability': True}
Epoch : 79: f1_weighted Score 0.812 params {'C': 5.316379636818272, 'kernel': 'poly', 'probability': False}
Epoch : 80: f1_weighted Score 0.812 params {'C': 8.773856949076553, 'kernel': 'rbf', 'probability': True}
Epoch : 81: f1_weighted Score 0.812 params {'C': 2.20904807689531, 'kernel': 'linear', 'probability': False}
Epoch : 82: f1_weighted Score 0.812 params {'C': 1.43589229329993, 'kernel': 'linear', 'probability': False}
Epoch : 83: f1_weighted Score 0.615 params {'C': 7.921734722956838, 'kernel': 'sigmoid', 'probability': True}
Epoch : 84: f1_weighted Score 0.738 params {'C': 0.03829240797429079, 'kernel': 'poly', 'probability': True}
Epoch : 85: f1_weighted Score 0.810 params {'C': 8.164347076181308, 'kernel': 'poly', 'probability': True}
Epoch : 86: f1_weighted Score 0.615 params {'C': 9.473012265594859, 'kernel': 'sigmoid', 'probability': True}
Epoch : 87: f1_weighted Score 0.810 params {'C': 8.726569274469473, 'kernel': 'poly', 'probability': True}
Epoch : 88: f1_weighted Score 0.812 params {'C': 6.825784453032304, 'kernel': 'rbf', 'probability': True}
Epoch : 89: f1_weighted Score 0.810 params {'C': 7.776480245737066, 'kernel': 'poly', 'probability': True}
Epoch : 90: f1_weighted Score 0.812 params {'C': 6.049280754209828, 'kernel': 'rbf', 'probability': True}
Epoch : 91: f1_weighted Score 0.812 params {'C': 2.6639991432580974, 'kernel': 'poly', 'probability': True}
Epoch : 92: f1_weighted Score 0.615 params {'C': 9.259374201776856, 'kernel': 'sigmoid', 'probability': True}
Epoch : 93: f1_weighted Score 0.812 params {'C': 3.343590870375482, 'kernel': 'poly', 'probability': False}
Epoch : 94: f1_weighted Score 0.812 params {'C': 4.127451585909331, 'kernel': 'rbf', 'probability': False}
Epoch : 95: f1_weighted Score 0.812 params {'C': 3.2540133706021064, 'kernel': 'poly', 'probability': False}
Epoch : 96: f1_weighted Score 0.812 params {'C': 3.7727349180144154, 'kernel': 'rbf', 'probability': False}
Epoch : 97: f1_weighted Score 0.812 params {'C': 1.8875861749585416, 'kernel': 'poly', 'probability': False}
Epoch : 98: f1_weighted Score 0.812 params {'C': 5.085262041424008, 'kernel': 'poly', 'probability': False}
Epoch : 99: f1_weighted Score 0.812 params {'C': 5.6203066757471065, 'kernel': 'linear', 'probability': True}
Epoch : 100: f1_weighted Score 0.812 params {'C': 5.643933279190937, 'kernel': 'linear', 'probability': True}
Epoch : 101: f1_weighted Score 0.812 params {'C': 4.645105854852568, 'kernel': 'linear', 'probability': True}
Epoch : 102: f1_weighted Score 0.812 params {'C': 7.07960225869228, 'kernel': 'linear', 'probability': True}
Epoch : 103: f1_weighted Score 0.812 params {'C': 4.878120500139935, 'kernel': 'linear', 'probability': True}
Epoch : 104: f1_weighted Score 0.812 params {'C': 6.38597803896331, 'kernel': 'linear', 'probability': True}
Epoch : 105: f1_weighted Score 0.812 params {'C': 6.630779927566131, 'kernel': 'linear', 'probability': True}
Epoch : 106: f1_weighted Score 0.812 params {'C': 4.38004322913008, 'kernel': 'linear', 'probability': True}
Epoch : 107: f1_weighted Score 0.812 params {'C': 7.497980097184416, 'kernel': 'linear', 'probability': True}
Epoch : 108: f1_weighted Score 0.612 params {'C': 3.7820143208969768, 'kernel': 'sigmoid', 'probability': True}
Epoch : 109: f1_weighted Score 0.812 params {'C': 3.915920403152264, 'kernel': 'rbf', 'probability': True}
Epoch : 110: f1_weighted Score 0.812 params {'C': 5.769455062610872, 'kernel': 'rbf', 'probability': True}
Epoch : 111: f1_weighted Score 0.812 params {'C': 2.489914430674202, 'kernel': 'rbf', 'probability': True}
Epoch : 112: f1_weighted Score 0.812 params {'C': 3.038052351281668, 'kernel': 'rbf', 'probability': True}
Epoch : 113: f1_weighted Score 0.812 params {'C': 5.373853337388271, 'kernel': 'poly', 'probability': True}
Epoch : 114: f1_weighted Score 0.810 params {'C': 7.403127402707169, 'kernel': 'poly', 'probability': True}
Epoch : 115: f1_weighted Score 0.810 params {'C': 7.024057667790402, 'kernel': 'poly', 'probability': False}
Epoch : 116: f1_weighted Score 0.617 params {'C': 9.852113991586386, 'kernel': 'sigmoid', 'probability': False}
Epoch : 117: f1_weighted Score 0.810 params {'C': 8.59729884466899, 'kernel': 'poly', 'probability': False}
Epoch : 118: f1_weighted Score 0.812 params {'C': 5.2235062227932945, 'kernel': 'poly', 'probability': False}
Epoch : 119: f1_weighted Score 0.810 params {'C': 8.77677270129788, 'kernel': 'poly', 'probability': False}
Epoch : 120: f1_weighted Score 0.812 params {'C': 8.327676740592558, 'kernel': 'rbf', 'probability': False}
Epoch : 121: f1_weighted Score 0.617 params {'C': 6.158177072290979, 'kernel': 'sigmoid', 'probability': False}
Epoch : 122: f1_weighted Score 0.812 params {'C': 5.803035925104519, 'kernel': 'rbf', 'probability': True}
Epoch : 123: f1_weighted Score 0.812 params {'C': 0.7347159697019396, 'kernel': 'linear', 'probability': False}
Epoch : 124: f1_weighted Score 0.812 params {'C': 0.17223842923747545, 'kernel': 'linear', 'probability': False}
Epoch : 125: f1_weighted Score 0.812 params {'C': 1.4693561637643717, 'kernel': 'linear', 'probability': False}
Epoch : 126: f1_weighted Score 0.812 params {'C': 2.1060479038912496, 'kernel': 'linear', 'probability': False}
Epoch : 127: f1_weighted Score 0.812 params {'C': 6.6992301602269, 'kernel': 'rbf', 'probability': False}
Epoch : 128: f1_weighted Score 0.812 params {'C': 5.9323679020516735, 'kernel': 'rbf', 'probability': True}
Epoch : 129: f1_weighted Score 0.812 params {'C': 6.812340329442998, 'kernel': 'rbf', 'probability': True}
Epoch : 130: f1_weighted Score 0.812 params {'C': 1.0689366103077058, 'kernel': 'poly', 'probability': True}
Epoch : 131: f1_weighted Score 0.812 params {'C': 3.378886035461356, 'kernel': 'poly', 'probability': False}
Epoch : 132: f1_weighted Score 0.812 params {'C': 3.1192166720447454, 'kernel': 'poly', 'probability': False}
Epoch : 133: f1_weighted Score 0.615 params {'C': 4.2037705645975585, 'kernel': 'sigmoid', 'probability': False}
Epoch : 134: f1_weighted Score 0.812 params {'C': 2.870507199933268, 'kernel': 'poly', 'probability': False}
Epoch : 135: f1_weighted Score 0.812 params {'C': 4.402185944849933, 'kernel': 'poly', 'probability': False}
Epoch : 136: f1_weighted Score 0.812 params {'C': 3.6690132542543124, 'kernel': 'poly', 'probability': False}
Epoch : 137: f1_weighted Score 0.627 params {'C': 1.581898467818935, 'kernel': 'sigmoid', 'probability': False}
Epoch : 138: f1_weighted Score 0.813 params {'C': 0.23006033161093953, 'kernel': 'poly', 'probability': False}
Epoch : 139: f1_weighted Score 0.812 params {'C': 0.43951795241500247, 'kernel': 'poly', 'probability': False}
Epoch : 140: f1_weighted Score 0.812 params {'C': 5.133247604609603, 'kernel': 'poly', 'probability': False}
Epoch : 141: f1_weighted Score 0.812 params {'C': 5.000303743472771, 'kernel': 'poly', 'probability': False}
Epoch : 142: f1_weighted Score 0.812 params {'C': 7.711326778102931, 'kernel': 'linear', 'probability': True}
Epoch : 143: f1_weighted Score 0.812 params {'C': 5.558660196921104, 'kernel': 'linear', 'probability': True}
Epoch : 144: f1_weighted Score 0.812 params {'C': 7.287054106481207, 'kernel': 'linear', 'probability': True}
Epoch : 145: f1_weighted Score 0.812 params {'C': 0.9522148562977352, 'kernel': 'linear', 'probability': True}
Epoch : 146: f1_weighted Score 0.812 params {'C': 4.72666503254254, 'kernel': 'linear', 'probability': True}
Epoch : 147: f1_weighted Score 0.812 params {'C': 6.985592054221778, 'kernel': 'linear', 'probability': True}
Epoch : 148: f1_weighted Score 0.812 params {'C': 7.935964333242836, 'kernel': 'linear', 'probability': True}
Epoch : 149: f1_weighted Score 0.812 params {'C': 6.082196709975812, 'kernel': 'linear', 'probability': True}
Epoch : 150: f1_weighted Score 0.812 params {'C': 6.309397793594035, 'kernel': 'linear', 'probability': True}
Epoch : 151: f1_weighted Score 0.812 params {'C': 6.348640228605662, 'kernel': 'linear', 'probability': True}
Epoch : 152: f1_weighted Score 0.812 params {'C': 7.625094553837112, 'kernel': 'linear', 'probability': True}
Epoch : 153: f1_weighted Score 0.812 params {'C': 8.264494007021012, 'kernel': 'linear', 'probability': True}
Epoch : 154: f1_weighted Score 0.812 params {'C': 9.182803805750938, 'kernel': 'rbf', 'probability': True}
Epoch : 155: f1_weighted Score 0.812 params {'C': 7.432445465916541, 'kernel': 'rbf', 'probability': True}
Epoch : 156: f1_weighted Score 0.812 params {'C': 2.301080178767758, 'kernel': 'rbf', 'probability': True}
Epoch : 157: f1_weighted Score 0.812 params {'C': 2.6604402830633584, 'kernel': 'rbf', 'probability': True}
Epoch : 158: f1_weighted Score 0.812 params {'C': 1.3053200286164925, 'kernel': 'rbf', 'probability': True}
Epoch : 159: f1_weighted Score 0.812 params {'C': 2.590045132354155, 'kernel': 'rbf', 'probability': True}
Epoch : 160: f1_weighted Score 0.812 params {'C': 0.2827976605278657, 'kernel': 'poly', 'probability': True}
Epoch : 161: f1_weighted Score 0.812 params {'C': 7.121376881766408, 'kernel': 'linear', 'probability': True}
Epoch : 162: f1_weighted Score 0.812 params {'C': 6.550759156034704, 'kernel': 'linear', 'probability': True}
Epoch : 163: f1_weighted Score 0.812 params {'C': 4.954882744084862, 'kernel': 'linear', 'probability': True}
Epoch : 164: f1_weighted Score 0.617 params {'C': 5.76392075928646, 'kernel': 'sigmoid', 'probability': False}
Epoch : 165: f1_weighted Score 0.812 params {'C': 6.057895906400804, 'kernel': 'linear', 'probability': True}
Epoch : 166: f1_weighted Score 0.812 params {'C': 7.910592208873553, 'kernel': 'linear', 'probability': True}
Epoch : 167: f1_weighted Score 0.812 params {'C': 4.86707089851796, 'kernel': 'poly', 'probability': False}
Epoch : 168: f1_weighted Score 0.812 params {'C': 6.492334425782725, 'kernel': 'linear', 'probability': True}
Epoch : 169: f1_weighted Score 0.810 params {'C': 6.627529837481058, 'kernel': 'poly', 'probability': False}
Epoch : 170: f1_weighted Score 0.812 params {'C': 0.5875424057970606, 'kernel': 'poly', 'probability': False}
Epoch : 171: f1_weighted Score 0.615 params {'C': 9.483603857224153, 'kernel': 'sigmoid', 'probability': True}
Epoch : 172: f1_weighted Score 0.812 params {'C': 1.7688407434002884, 'kernel': 'linear', 'probability': True}
Epoch : 173: f1_weighted Score 0.812 params {'C': 3.9783102567542876, 'kernel': 'poly', 'probability': True}
Epoch : 174: f1_weighted Score 0.812 params {'C': 9.039889045410945, 'kernel': 'linear', 'probability': False}
Epoch : 175: f1_weighted Score 0.810 params {'C': 8.615130488411417, 'kernel': 'poly', 'probability': True}
Epoch : 176: f1_weighted Score 0.812 params {'C': 5.439174068928872, 'kernel': 'rbf', 'probability': True}
Epoch : 177: f1_weighted Score 0.812 params {'C': 4.436435705576933, 'kernel': 'rbf', 'probability': False}
Epoch : 178: f1_weighted Score 0.812 params {'C': 5.250673712613231, 'kernel': 'rbf', 'probability': True}
Epoch : 179: f1_weighted Score 0.812 params {'C': 3.455581870404107, 'kernel': 'rbf', 'probability': True}
Epoch : 180: f1_weighted Score 0.812 params {'C': 3.1083173496163785, 'kernel': 'rbf', 'probability': False}
Epoch : 181: f1_weighted Score 0.812 params {'C': 1.9822371545290896, 'kernel': 'rbf', 'probability': True}
Epoch : 182: f1_weighted Score 0.812 params {'C': 2.4607918402983757, 'kernel': 'rbf', 'probability': True}
Epoch : 183: f1_weighted Score 0.812 params {'C': 4.466999773831289, 'kernel': 'poly', 'probability': False}
Epoch : 184: f1_weighted Score 0.812 params {'C': 5.421851135794248, 'kernel': 'poly', 'probability': False}
Epoch : 185: f1_weighted Score 0.810 params {'C': 9.994497790081327, 'kernel': 'poly', 'probability': False}
Epoch : 186: f1_weighted Score 0.810 params {'C': 8.413026204414097, 'kernel': 'poly', 'probability': False}
Epoch : 187: f1_weighted Score 0.812 params {'C': 8.917997807491625, 'kernel': 'rbf', 'probability': False}
Epoch : 188: f1_weighted Score 0.812 params {'C': 9.795580000350379, 'kernel': 'rbf', 'probability': False}
Epoch : 189: f1_weighted Score 0.810 params {'C': 8.100427440715908, 'kernel': 'poly', 'probability': False}
Epoch : 190: f1_weighted Score 0.810 params {'C': 9.277000254643731, 'kernel': 'poly', 'probability': False}
Epoch : 191: f1_weighted Score 0.812 params {'C': 7.2958606454348836, 'kernel': 'rbf', 'probability': False}
Epoch : 192: f1_weighted Score 0.812 params {'C': 5.739328894405424, 'kernel': 'rbf', 'probability': False}
Epoch : 193: f1_weighted Score 0.812 params {'C': 6.8690500213069905, 'kernel': 'rbf', 'probability': False}
Epoch : 194: f1_weighted Score 0.615 params {'C': 7.713169364184004, 'kernel': 'sigmoid', 'probability': False}
Epoch : 195: f1_weighted Score 0.812 params {'C': 5.893726351894328, 'kernel': 'rbf', 'probability': False}
Epoch : 196: f1_weighted Score 0.641 params {'C': 1.0450881277830057, 'kernel': 'sigmoid', 'probability': False}
Epoch : 197: f1_weighted Score 0.648 params {'C': 0.6589452280390855, 'kernel': 'sigmoid', 'probability': False}
Epoch : 198: f1_weighted Score 0.812 params {'C': 0.1901767176017677, 'kernel': 'linear', 'probability': False}
Epoch : 199: f1_weighted Score 0.812 params {'C': 0.805488145513175, 'kernel': 'linear', 'probability': False}
Epoch : 200: f1_weighted Score 0.812 params {'C': 0.8136815909045756, 'kernel': 'poly', 'probability': False}
Epoch : 201: f1_weighted Score 0.812 params {'C': 0.24782603145437496, 'kernel': 'linear', 'probability': False}
Epoch : 202: f1_weighted Score 0.812 params {'C': 1.6600542100602933, 'kernel': 'linear', 'probability': False}
Epoch : 203: f1_weighted Score 0.812 params {'C': 1.3337030186192618, 'kernel': 'linear', 'probability': False}
Epoch : 204: f1_weighted Score 0.812 params {'C': 2.326219464890632, 'kernel': 'linear', 'probability': False}
Epoch : 205: f1_weighted Score 0.812 params {'C': 2.1809395937973015, 'kernel': 'linear', 'probability': False}
Epoch : 206: f1_weighted Score 0.812 params {'C': 2.0398189785675003, 'kernel': 'linear', 'probability': False}
Epoch : 207: f1_weighted Score 0.810 params {'C': 6.675225228030307, 'kernel': 'poly', 'probability': False}
Epoch : 208: f1_weighted Score 0.812 params {'C': 6.9532721971409925, 'kernel': 'rbf', 'probability': False}
Epoch : 209: f1_weighted Score 0.812 params {'C': 6.228339863115111, 'kernel': 'rbf', 'probability': True}
Epoch : 210: f1_weighted Score 0.812 params {'C': 6.850324126496088, 'kernel': 'rbf', 'probability': True}
Epoch : 211: f1_weighted Score 0.812 params {'C': 6.0482556204555005, 'kernel': 'rbf', 'probability': True}
Epoch : 212: f1_weighted Score 0.812 params {'C': 0.47132880032509994, 'kernel': 'poly', 'probability': True}
Epoch : 213: f1_weighted Score 0.812 params {'C': 1.092953604278556, 'kernel': 'poly', 'probability': True}
Epoch : 214: f1_weighted Score 0.812 params {'C': 2.7853428532503486, 'kernel': 'poly', 'probability': False}
Epoch : 215: f1_weighted Score 0.560 params {'C': 0.005054869542765683, 'kernel': 'poly', 'probability': False}
Epoch : 216: f1_weighted Score 0.812 params {'C': 1.1920300671222757, 'kernel': 'poly', 'probability': True}
Epoch : 217: f1_weighted Score 0.812 params {'C': 3.5591355568919028, 'kernel': 'poly', 'probability': False}
Epoch : 218: f1_weighted Score 0.812 params {'C': 3.2258445936996516, 'kernel': 'poly', 'probability': False}
Epoch : 219: f1_weighted Score 0.812 params {'C': 2.894511365089197, 'kernel': 'poly', 'probability': False}
Epoch : 220: f1_weighted Score 0.812 params {'C': 4.226816433975102, 'kernel': 'poly', 'probability': False}
Epoch : 221: f1_weighted Score 0.812 params {'C': 4.7478207018961225, 'kernel': 'poly', 'probability': False}
Epoch : 222: f1_weighted Score 0.812 params {'C': 3.840695007480293, 'kernel': 'poly', 'probability': False}
Epoch : 223: f1_weighted Score 0.812 params {'C': 1.5119980799964425, 'kernel': 'poly', 'probability': False}
Epoch : 224: f1_weighted Score 0.812 params {'C': 0.46604630042370476, 'kernel': 'poly', 'probability': False}
Epoch : 225: f1_weighted Score 0.812 params {'C': 5.253752266177981, 'kernel': 'poly', 'probability': False}
Epoch : 226: f1_weighted Score 0.812 params {'C': 5.51843216142255, 'kernel': 'poly', 'probability': False}
Epoch : 227: f1_weighted Score 0.612 params {'C': 5.093460647347703, 'kernel': 'sigmoid', 'probability': False}
Epoch : 228: f1_weighted Score 0.615 params {'C': 4.52394615217237, 'kernel': 'sigmoid', 'probability': False}
Epoch : 229: f1_weighted Score 0.617 params {'C': 5.924679950228601, 'kernel': 'sigmoid', 'probability': False}
Epoch : 230: f1_weighted Score 0.615 params {'C': 3.957741347213041, 'kernel': 'sigmoid', 'probability': False}
Epoch : 231: f1_weighted Score 0.560 params {'C': 0.20465447657605862, 'kernel': 'sigmoid', 'probability': False}
Epoch : 232: f1_weighted Score 0.812 params {'C': 6.475505218599042, 'kernel': 'rbf', 'probability': True}
Epoch : 233: f1_weighted Score 0.812 params {'C': 7.805402491348902, 'kernel': 'linear', 'probability': True}
Epoch : 234: f1_weighted Score 0.812 params {'C': 4.783376777657315, 'kernel': 'poly', 'probability': False}
Epoch : 235: f1_weighted Score 0.812 params {'C': 7.606231533348897, 'kernel': 'linear', 'probability': True}
Epoch : 236: f1_weighted Score 0.812 params {'C': 7.448981389189186, 'kernel': 'linear', 'probability': True}
Epoch : 237: f1_weighted Score 0.812 params {'C': 7.995203251346944, 'kernel': 'linear', 'probability': True}
Epoch : 238: f1_weighted Score 0.812 params {'C': 7.091938614722785, 'kernel': 'linear', 'probability': True}
Epoch : 239: f1_weighted Score 0.812 params {'C': 7.200524966268732, 'kernel': 'linear', 'probability': True}
Epoch : 240: f1_weighted Score 0.812 params {'C': 1.7021151976899822, 'kernel': 'linear', 'probability': True}
Epoch : 241: f1_weighted Score 0.812 params {'C': 1.0315135163294817, 'kernel': 'linear', 'probability': True}
Epoch : 242: f1_weighted Score 0.812 params {'C': 8.239072382228555, 'kernel': 'linear', 'probability': True}
Epoch : 243: f1_weighted Score 0.812 params {'C': 6.200162120420066, 'kernel': 'linear', 'probability': True}
Epoch : 244: f1_weighted Score 0.812 params {'C': 9.375289585032696, 'kernel': 'linear', 'probability': True}
Epoch : 245: f1_weighted Score 0.812 params {'C': 8.041179707725327, 'kernel': 'linear', 'probability': True}
Epoch : 246: f1_weighted Score 0.812 params {'C': 8.772916595721949, 'kernel': 'linear', 'probability': True}
Epoch : 247: f1_weighted Score 0.812 params {'C': 6.365713340238385, 'kernel': 'linear', 'probability': True}
Epoch : 248: f1_weighted Score 0.812 params {'C': 5.589796885809173, 'kernel': 'linear', 'probability': True}
Epoch : 249: f1_weighted Score 0.812 params {'C': 6.1814462272275295, 'kernel': 'linear', 'probability': True}
Epoch : 250: f1_weighted Score 0.812 params {'C': 8.460999410272779, 'kernel': 'linear', 'probability': True}
Epoch : 251: f1_weighted Score 0.810 params {'C': 9.031624935358959, 'kernel': 'poly', 'probability': True}
Epoch : 252: f1_weighted Score 0.615 params {'C': 9.598720624222208, 'kernel': 'sigmoid', 'probability': True}
Epoch : 253: f1_weighted Score 0.812 params {'C': 9.938255517992113, 'kernel': 'rbf', 'probability': True}
Epoch : 254: f1_weighted Score 0.810 params {'C': 9.707810980408658, 'kernel': 'poly', 'probability': True}
Epoch : 255: f1_weighted Score 0.812 params {'C': 9.211214736621983, 'kernel': 'rbf', 'probability': True}
Epoch : 256: f1_weighted Score 0.812 params {'C': 8.62079845409991, 'kernel': 'rbf', 'probability': True}
Epoch : 257: f1_weighted Score 0.810 params {'C': 8.845618401733272, 'kernel': 'poly', 'probability': True}
Epoch : 258: f1_weighted Score 0.812 params {'C': 8.444694155979253, 'kernel': 'rbf', 'probability': True}
Epoch : 259: f1_weighted Score 0.812 params {'C': 9.530710369939957, 'kernel': 'rbf', 'probability': True}
Epoch : 260: f1_weighted Score 0.812 params {'C': 7.437660596352157, 'kernel': 'rbf', 'probability': True}
Epoch : 261: f1_weighted Score 0.812 params {'C': 7.333843446532054, 'kernel': 'rbf', 'probability': True}
Epoch : 262: f1_weighted Score 0.812 params {'C': 6.634899258957827, 'kernel': 'rbf', 'probability': True}
Epoch : 263: f1_weighted Score 0.812 params {'C': 2.289706572919517, 'kernel': 'rbf', 'probability': True}
Epoch : 264: f1_weighted Score 0.560 params {'C': 0.013204884598773059, 'kernel': 'rbf', 'probability': True}
Epoch : 265: f1_weighted Score 0.812 params {'C': 2.5313560287258348, 'kernel': 'rbf', 'probability': True}
Epoch : 266: f1_weighted Score 0.812 params {'C': 2.6136234248147927, 'kernel': 'rbf', 'probability': True}
Epoch : 267: f1_weighted Score 0.812 params {'C': 1.3823336685324596, 'kernel': 'rbf', 'probability': True}
Epoch : 268: f1_weighted Score 0.812 params {'C': 1.7957668580479311, 'kernel': 'rbf', 'probability': True}
Epoch : 269: f1_weighted Score 0.812 params {'C': 1.9267209282240598, 'kernel': 'rbf', 'probability': True}
Epoch : 270: f1_weighted Score 0.812 params {'C': 0.3727759898964017, 'kernel': 'poly', 'probability': True}
Epoch : 271: f1_weighted Score 0.812 params {'C': 0.881150049353943, 'kernel': 'poly', 'probability': True}
Epoch : 272: f1_weighted Score 0.812 params {'C': 0.8594331182482478, 'kernel': 'poly', 'probability': True}
Epoch : 273: f1_weighted Score 0.810 params {'C': 6.963928978570042, 'kernel': 'poly', 'probability': True}
Epoch : 274: f1_weighted Score 0.812 params {'C': 5.004179733897247, 'kernel': 'linear', 'probability': False}
Epoch : 275: f1_weighted Score 0.812 params {'C': 6.530182059051225, 'kernel': 'linear', 'probability': True}
Epoch : 276: f1_weighted Score 0.812 params {'C': 7.757460961141759, 'kernel': 'linear', 'probability': True}
Epoch : 277: f1_weighted Score 0.812 params {'C': 7.161416150215144, 'kernel': 'linear', 'probability': True}
Epoch : 278: f1_weighted Score 0.812 params {'C': 5.7785204228518365, 'kernel': 'linear', 'probability': True}
Epoch : 279: f1_weighted Score 0.812 params {'C': 4.92471182553943, 'kernel': 'linear', 'probability': True}
Epoch : 280: f1_weighted Score 0.812 params {'C': 4.200206268558557, 'kernel': 'linear', 'probability': True}
Epoch : 281: f1_weighted Score 0.812 params {'C': 5.946598293375603, 'kernel': 'poly', 'probability': False}
Epoch : 282: f1_weighted Score 0.810 params {'C': 7.949575153180643, 'kernel': 'poly', 'probability': False}
Epoch : 283: f1_weighted Score 0.812 params {'C': 5.2725337258534335, 'kernel': 'poly', 'probability': False}
Epoch : 284: f1_weighted Score 0.812 params {'C': 0.7656626797687176, 'kernel': 'poly', 'probability': False}
Epoch : 285: f1_weighted Score 0.812 params {'C': 5.461853692491859, 'kernel': 'poly', 'probability': False}
Epoch : 286: f1_weighted Score 0.812 params {'C': 0.4925999243395662, 'kernel': 'poly', 'probability': False}
Epoch : 287: f1_weighted Score 0.812 params {'C': 1.2049580306060026, 'kernel': 'poly', 'probability': False}
Epoch : 288: f1_weighted Score 0.812 params {'C': 1.607437899430938, 'kernel': 'poly', 'probability': False}
Epoch : 289: f1_weighted Score 0.738 params {'C': 0.039738513316534774, 'kernel': 'poly', 'probability': False}
Epoch : 290: f1_weighted Score 0.812 params {'C': 3.707218643969947, 'kernel': 'poly', 'probability': False}
Epoch : 291: f1_weighted Score 0.812 params {'C': 4.622019638011768, 'kernel': 'poly', 'probability': False}
Epoch : 292: f1_weighted Score 0.812 params {'C': 3.0989495465247776, 'kernel': 'poly', 'probability': False}
Epoch : 293: f1_weighted Score 0.812 params {'C': 4.365889722886305, 'kernel': 'rbf', 'probability': False}
Epoch : 294: f1_weighted Score 0.812 params {'C': 3.2803639464205037, 'kernel': 'rbf', 'probability': False}
Epoch : 295: f1_weighted Score 0.812 params {'C': 4.098143440910063, 'kernel': 'rbf', 'probability': False}
Epoch : 296: f1_weighted Score 0.812 params {'C': 5.2805365745880435, 'kernel': 'rbf', 'probability': True}
Epoch : 297: f1_weighted Score 0.812 params {'C': 5.631380792997313, 'kernel': 'rbf', 'probability': True}
Epoch : 298: f1_weighted Score 0.812 params {'C': 3.4274646522807197, 'kernel': 'rbf', 'probability': False}
Epoch : 299: f1_weighted Score 0.812 params {'C': 3.5824578467395263, 'kernel': 'rbf', 'probability': False}
Epoch : 300: f1_weighted Score 0.812 params {'C': 2.8934423604116377, 'kernel': 'rbf', 'probability': True}
Epoch : 301: f1_weighted Score 0.812 params {'C': 2.1528787081591667, 'kernel': 'rbf', 'probability': True}
Epoch : 302: f1_weighted Score 0.812 params {'C': 2.4900308095667754, 'kernel': 'rbf', 'probability': True}
Epoch : 303: f1_weighted Score 0.812 params {'C': 3.0426279447692255, 'kernel': 'rbf', 'probability': True}
Epoch : 304: f1_weighted Score 0.812 params {'C': 2.010912752966198, 'kernel': 'rbf', 'probability': False}
Epoch : 305: f1_weighted Score 0.812 params {'C': 2.3650537577042714, 'kernel': 'rbf', 'probability': False}
Epoch : 306: f1_weighted Score 0.812 params {'C': 2.7229671771046884, 'kernel': 'poly', 'probability': False}
Epoch : 307: f1_weighted Score 0.650 params {'C': 0.7496252248701091, 'kernel': 'sigmoid', 'probability': False}
Epoch : 308: f1_weighted Score 0.812 params {'C': 0.2732417111683401, 'kernel': 'poly', 'probability': False}
Epoch : 309: f1_weighted Score 0.812 params {'C': 1.4393966203583817, 'kernel': 'linear', 'probability': False}
Epoch : 310: f1_weighted Score 0.812 params {'C': 0.5858656076352463, 'kernel': 'poly', 'probability': False}
Epoch : 311: f1_weighted Score 0.812 params {'C': 0.10834206206405562, 'kernel': 'linear', 'probability': False}
Epoch : 312: f1_weighted Score 0.812 params {'C': 1.6839340987939637, 'kernel': 'linear', 'probability': False}
Epoch : 313: f1_weighted Score 0.812 params {'C': 1.2844072913757305, 'kernel': 'linear', 'probability': False}
Epoch : 314: f1_weighted Score 0.812 params {'C': 1.4605100978283585, 'kernel': 'linear', 'probability': False}
Epoch : 315: f1_weighted Score 0.812 params {'C': 2.069934451270853, 'kernel': 'linear', 'probability': False}
Epoch : 316: f1_weighted Score 0.812 params {'C': 1.8663491769438967, 'kernel': 'linear', 'probability': False}
Epoch : 317: f1_weighted Score 0.615 params {'C': 6.89742951383708, 'kernel': 'sigmoid', 'probability': False}
Epoch : 318: f1_weighted Score 0.617 params {'C': 6.352833277806042, 'kernel': 'sigmoid', 'probability': False}
Epoch : 319: f1_weighted Score 0.812 params {'C': 6.7640781755473505, 'kernel': 'rbf', 'probability': True}
Epoch : 320: f1_weighted Score 0.812 params {'C': 6.085054923194931, 'kernel': 'rbf', 'probability': True}
Epoch : 321: f1_weighted Score 0.812 params {'C': 7.588832502552117, 'kernel': 'rbf', 'probability': True}
Epoch : 322: f1_weighted Score 0.812 params {'C': 6.741106937736787, 'kernel': 'rbf', 'probability': True}
Epoch : 323: f1_weighted Score 0.812 params {'C': 6.167590220532488, 'kernel': 'rbf', 'probability': True}
Epoch : 324: f1_weighted Score 0.812 params {'C': 5.9689357008454245, 'kernel': 'rbf', 'probability': True}
Epoch : 325: f1_weighted Score 0.812 params {'C': 1.0029286060546978, 'kernel': 'poly', 'probability': True}
Epoch : 326: f1_weighted Score 0.812 params {'C': 1.1163152363171043, 'kernel': 'poly', 'probability': True}
Epoch : 327: f1_weighted Score 0.812 params {'C': 0.5620221213962342, 'kernel': 'poly', 'probability': True}
Epoch : 328: f1_weighted Score 0.591 params {'C': 0.014484619438817348, 'kernel': 'poly', 'probability': True}
Epoch : 329: f1_weighted Score 0.812 params {'C': 0.35373568968872415, 'kernel': 'poly', 'probability': False}
Epoch : 330: f1_weighted Score 0.812 params {'C': 2.7647049883134702, 'kernel': 'poly', 'probability': False}
Epoch : 331: f1_weighted Score 0.812 params {'C': 1.0450912761295108, 'kernel': 'poly', 'probability': True}
Epoch : 332: f1_weighted Score 0.812 params {'C': 3.9158881349579895, 'kernel': 'poly', 'probability': False}
Epoch : 333: f1_weighted Score 0.812 params {'C': 3.3363803856263883, 'kernel': 'poly', 'probability': False}
Epoch : 334: f1_weighted Score 0.812 params {'C': 3.607241432686923, 'kernel': 'poly', 'probability': False}
Epoch : 335: f1_weighted Score 0.812 params {'C': 3.1719683389345823, 'kernel': 'poly', 'probability': False}
Epoch : 336: f1_weighted Score 0.812 params {'C': 4.14310826210189, 'kernel': 'poly', 'probability': False}
Epoch : 337: f1_weighted Score 0.812 params {'C': 4.810488734514419, 'kernel': 'poly', 'probability': False}
Epoch : 338: f1_weighted Score 0.812 params {'C': 4.629313518100033, 'kernel': 'poly', 'probability': False}
Epoch : 339: f1_weighted Score 0.812 params {'C': 4.304172830032578, 'kernel': 'poly', 'probability': False}
Epoch : 340: f1_weighted Score 0.812 params {'C': 3.9536945160901054, 'kernel': 'poly', 'probability': False}
Epoch : 341: f1_weighted Score 0.812 params {'C': 0.48566537515184893, 'kernel': 'poly', 'probability': False}
Epoch : 342: f1_weighted Score 0.812 params {'C': 5.073479847693018, 'kernel': 'poly', 'probability': False}
Epoch : 343: f1_weighted Score 0.812 params {'C': 5.647096812030857, 'kernel': 'poly', 'probability': False}
Epoch : 344: f1_weighted Score 0.812 params {'C': 5.365317581832719, 'kernel': 'poly', 'probability': False}
Epoch : 345: f1_weighted Score 0.812 params {'C': 5.525577834594637, 'kernel': 'poly', 'probability': False}
Epoch : 346: f1_weighted Score 0.617 params {'C': 6.4604309780621705, 'kernel': 'sigmoid', 'probability': False}
Epoch : 347: f1_weighted Score 0.615 params {'C': 7.811389929789754, 'kernel': 'sigmoid', 'probability': False}
Epoch : 348: f1_weighted Score 0.615 params {'C': 7.276240671618672, 'kernel': 'sigmoid', 'probability': False}
Epoch : 349: f1_weighted Score 0.810 params {'C': 8.38992192942217, 'kernel': 'poly', 'probability': False}
Epoch : 350: f1_weighted Score 0.812 params {'C': 5.203108831851232, 'kernel': 'rbf', 'probability': False}
Epoch : 351: f1_weighted Score 0.617 params {'C': 7.51724025303635, 'kernel': 'sigmoid', 'probability': False}
Epoch : 352: f1_weighted Score 0.810 params {'C': 8.127781509732165, 'kernel': 'poly', 'probability': False}
Epoch : 353: f1_weighted Score 0.812 params {'C': 7.706198325249511, 'kernel': 'linear', 'probability': True}
Epoch : 354: f1_weighted Score 0.812 params {'C': 8.58272117464139, 'kernel': 'linear', 'probability': True}
Epoch : 355: f1_weighted Score 0.812 params {'C': 8.140430235332865, 'kernel': 'linear', 'probability': True}
Epoch : 356: f1_weighted Score 0.812 params {'C': 7.440965732857915, 'kernel': 'linear', 'probability': True}
Epoch : 357: f1_weighted Score 0.812 params {'C': 9.04572127757108, 'kernel': 'linear', 'probability': True}
Epoch : 358: f1_weighted Score 0.812 params {'C': 7.0679073070851075, 'kernel': 'linear', 'probability': True}
Epoch : 359: f1_weighted Score 0.812 params {'C': 8.196202324934692, 'kernel': 'linear', 'probability': True}
Epoch : 360: f1_weighted Score 0.812 params {'C': 7.893560668086239, 'kernel': 'linear', 'probability': True}
Epoch : 361: f1_weighted Score 0.812 params {'C': 8.810131508917182, 'kernel': 'linear', 'probability': True}
Epoch : 362: f1_weighted Score 0.812 params {'C': 7.11703337941193, 'kernel': 'linear', 'probability': True}
Epoch : 363: f1_weighted Score 0.812 params {'C': 6.712373965865811, 'kernel': 'linear', 'probability': True}
Epoch : 364: f1_weighted Score 0.812 params {'C': 7.2026990564942155, 'kernel': 'linear', 'probability': True}
Epoch : 365: f1_weighted Score 0.812 params {'C': 6.3453515798692095, 'kernel': 'linear', 'probability': True}
Epoch : 366: f1_weighted Score 0.812 params {'C': 0.17793576947007955, 'kernel': 'linear', 'probability': True}
Epoch : 367: f1_weighted Score 0.812 params {'C': 0.710117521299485, 'kernel': 'linear', 'probability': True}
Epoch : 368: f1_weighted Score 0.812 params {'C': 1.82995694666868, 'kernel': 'linear', 'probability': True}
Epoch : 369: f1_weighted Score 0.812 params {'C': 5.842298879165346, 'kernel': 'linear', 'probability': True}
Epoch : 370: f1_weighted Score 0.812 params {'C': 9.278759905644398, 'kernel': 'linear', 'probability': True}
Epoch : 371: f1_weighted Score 0.812 params {'C': 9.691591439611155, 'kernel': 'linear', 'probability': True}
Epoch : 372: f1_weighted Score 0.812 params {'C': 9.387682426864508, 'kernel': 'linear', 'probability': True}
Epoch : 373: f1_weighted Score 0.812 params {'C': 9.989607121407587, 'kernel': 'linear', 'probability': True}
Epoch : 374: f1_weighted Score 0.812 params {'C': 8.753897968921832, 'kernel': 'linear', 'probability': True}
Epoch : 375: f1_weighted Score 0.812 params {'C': 9.89474387023626, 'kernel': 'linear', 'probability': True}
Epoch : 376: f1_weighted Score 0.812 params {'C': 8.988146730074476, 'kernel': 'linear', 'probability': True}
Epoch : 377: f1_weighted Score 0.812 params {'C': 4.520576331651414, 'kernel': 'linear', 'probability': True}
Epoch : 378: f1_weighted Score 0.812 params {'C': 6.384333304650296, 'kernel': 'linear', 'probability': True}
Epoch : 379: f1_weighted Score 0.812 params {'C': 5.6514489091174775, 'kernel': 'linear', 'probability': True}
Epoch : 380: f1_weighted Score 0.812 params {'C': 4.862090632935491, 'kernel': 'linear', 'probability': True}
Epoch : 381: f1_weighted Score 0.812 params {'C': 6.232169644273203, 'kernel': 'linear', 'probability': True}
Epoch : 382: f1_weighted Score 0.617 params {'C': 9.709913770617037, 'kernel': 'sigmoid', 'probability': True}
Epoch : 383: f1_weighted Score 0.812 params {'C': 9.905349705277358, 'kernel': 'rbf', 'probability': True}
Epoch : 384: f1_weighted Score 0.812 params {'C': 9.477147635994726, 'kernel': 'rbf', 'probability': True}
Epoch : 385: f1_weighted Score 0.812 params {'C': 9.166632128846782, 'kernel': 'rbf', 'probability': True}
Epoch : 386: f1_weighted Score 0.812 params {'C': 9.32691595068092, 'kernel': 'rbf', 'probability': True}
Epoch : 387: f1_weighted Score 0.812 params {'C': 8.387733319169453, 'kernel': 'rbf', 'probability': True}
Epoch : 388: f1_weighted Score 0.812 params {'C': 8.605779120802866, 'kernel': 'rbf', 'probability': True}
Epoch : 389: f1_weighted Score 0.812 params {'C': 9.056561148080226, 'kernel': 'rbf', 'probability': True}
Epoch : 390: f1_weighted Score 0.812 params {'C': 8.577722685134471, 'kernel': 'rbf', 'probability': True}
Epoch : 391: f1_weighted Score 0.812 params {'C': 8.272478991606176, 'kernel': 'rbf', 'probability': True}
Epoch : 392: f1_weighted Score 0.812 params {'C': 7.304503302403701, 'kernel': 'rbf', 'probability': True}
Epoch : 393: f1_weighted Score 0.812 params {'C': 6.567312183479841, 'kernel': 'rbf', 'probability': True}
Epoch : 394: f1_weighted Score 0.812 params {'C': 7.336414486916285, 'kernel': 'rbf', 'probability': True}
Epoch : 395: f1_weighted Score 0.812 params {'C': 6.8995395907221635, 'kernel': 'rbf', 'probability': True}
Epoch : 396: f1_weighted Score 0.812 params {'C': 2.497482009138593, 'kernel': 'rbf', 'probability': True}
Epoch : 397: f1_weighted Score 0.812 params {'C': 2.2697616689258764, 'kernel': 'rbf', 'probability': True}
Epoch : 398: f1_weighted Score 0.812 params {'C': 2.9435701364077818, 'kernel': 'rbf', 'probability': True}
Epoch : 399: f1_weighted Score 0.812 params {'C': 2.581988466774808, 'kernel': 'rbf', 'probability': True}
Epoch : 400: f1_weighted Score 0.812 params {'C': 1.503199494242733, 'kernel': 'rbf', 'probability': True}
Epoch : 401: f1_weighted Score 0.812 params {'C': 1.9595070639820644, 'kernel': 'rbf', 'probability': True}
Epoch : 402: f1_weighted Score 0.812 params {'C': 1.2976701502825716, 'kernel': 'rbf', 'probability': True}
Epoch : 403: f1_weighted Score 0.812 params {'C': 1.8170599429680983, 'kernel': 'rbf', 'probability': True}
Epoch : 404: f1_weighted Score 0.812 params {'C': 1.3339952573112965, 'kernel': 'rbf', 'probability': True}
Epoch : 405: f1_weighted Score 0.812 params {'C': 0.8752654958739089, 'kernel': 'poly', 'probability': True}
Epoch : 406: f1_weighted Score 0.812 params {'C': 0.8545345488967737, 'kernel': 'poly', 'probability': True}
Epoch : 407: f1_weighted Score 0.560 params {'C': 0.0015087637828867795, 'kernel': 'poly', 'probability': True}
Epoch : 408: f1_weighted Score 0.812 params {'C': 0.2748860237410835, 'kernel': 'poly', 'probability': True}
Epoch : 409: f1_weighted Score 0.812 params {'C': 0.3548253935319221, 'kernel': 'poly', 'probability': True}
Epoch : 410: f1_weighted Score 0.812 params {'C': 0.9958066793638674, 'kernel': 'poly', 'probability': True}
Epoch : 411: f1_weighted Score 0.812 params {'C': 0.6801201705780981, 'kernel': 'poly', 'probability': True}
Epoch : 412: f1_weighted Score 0.812 params {'C': 5.052913395375626, 'kernel': 'poly', 'probability': True}
Epoch : 413: f1_weighted Score 0.812 params {'C': 5.923646123057045, 'kernel': 'linear', 'probability': True}
Epoch : 414: f1_weighted Score 0.812 params {'C': 6.510303573518517, 'kernel': 'linear', 'probability': True}
Epoch : 415: f1_weighted Score 0.812 params {'C': 7.029590108774306, 'kernel': 'linear', 'probability': True}
Epoch : 416: f1_weighted Score 0.812 params {'C': 6.701356191104441, 'kernel': 'linear', 'probability': True}
Epoch : 417: f1_weighted Score 0.812 params {'C': 7.706503706981049, 'kernel': 'linear', 'probability': True}
Epoch : 418: f1_weighted Score 0.812 params {'C': 6.011587167171807, 'kernel': 'linear', 'probability': True}
Epoch : 419: f1_weighted Score 0.812 params {'C': 4.415074661261052, 'kernel': 'linear', 'probability': True}
Epoch : 420: f1_weighted Score 0.812 params {'C': 5.407945499789012, 'kernel': 'linear', 'probability': True}
Epoch : 421: f1_weighted Score 0.812 params {'C': 4.916294962155394, 'kernel': 'linear', 'probability': True}
Epoch : 422: f1_weighted Score 0.617 params {'C': 5.759380714370607, 'kernel': 'sigmoid', 'probability': False}
Epoch : 423: f1_weighted Score 0.812 params {'C': 5.210252700408911, 'kernel': 'poly', 'probability': False}
Epoch : 424: f1_weighted Score 0.812 params {'C': 4.129598511810886, 'kernel': 'poly', 'probability': False}
Epoch : 425: f1_weighted Score 0.812 params {'C': 4.780415957807581, 'kernel': 'poly', 'probability': False}
Epoch : 426: f1_weighted Score 0.812 params {'C': 5.332758580983356, 'kernel': 'poly', 'probability': False}
Epoch : 427: f1_weighted Score 0.812 params {'C': 5.52223742447677, 'kernel': 'poly', 'probability': False}
Epoch : 428: f1_weighted Score 0.812 params {'C': 5.124220922372803, 'kernel': 'poly', 'probability': False}
Epoch : 429: f1_weighted Score 0.812 params {'C': 5.414485333507336, 'kernel': 'poly', 'probability': False}
Epoch : 430: f1_weighted Score 0.812 params {'C': 0.55704523690124, 'kernel': 'poly', 'probability': False}
Epoch : 431: f1_weighted Score 0.812 params {'C': 1.2205390227324349, 'kernel': 'poly', 'probability': False}
Epoch : 432: f1_weighted Score 0.560 params {'C': 0.004094738923321906, 'kernel': 'poly', 'probability': False}
Epoch : 433: f1_weighted Score 0.812 params {'C': 1.634167514297815, 'kernel': 'poly', 'probability': False}
Epoch : 434: f1_weighted Score 0.812 params {'C': 3.698719334641108, 'kernel': 'poly', 'probability': False}
Epoch : 435: f1_weighted Score 0.812 params {'C': 3.8736169531318443, 'kernel': 'poly', 'probability': False}
Epoch : 436: f1_weighted Score 0.812 params {'C': 3.5284001366069924, 'kernel': 'poly', 'probability': False}
Epoch : 437: f1_weighted Score 0.812 params {'C': 3.1080743384719787, 'kernel': 'poly', 'probability': False}
Epoch : 438: f1_weighted Score 0.812 params {'C': 3.2772852870387332, 'kernel': 'poly', 'probability': False}
Epoch : 439: f1_weighted Score 0.812 params {'C': 3.739164217476654, 'kernel': 'poly', 'probability': False}
Epoch : 440: f1_weighted Score 0.812 params {'C': 4.5878697154883845, 'kernel': 'poly', 'probability': False}
Epoch : 441: f1_weighted Score 0.812 params {'C': 4.3321883687809795, 'kernel': 'rbf', 'probability': False}
Epoch : 442: f1_weighted Score 0.812 params {'C': 4.085180963253201, 'kernel': 'rbf', 'probability': False}
Epoch : 443: f1_weighted Score 0.812 params {'C': 4.616597213763001, 'kernel': 'rbf', 'probability': False}
Epoch : 444: f1_weighted Score 0.812 params {'C': 5.693894501838462, 'kernel': 'rbf', 'probability': False}
Epoch : 445: f1_weighted Score 0.812 params {'C': 4.84432954543393, 'kernel': 'rbf', 'probability': False}
Epoch : 446: f1_weighted Score 0.812 params {'C': 5.246310668549763, 'kernel': 'rbf', 'probability': False}
Epoch : 447: f1_weighted Score 0.812 params {'C': 4.470890578134005, 'kernel': 'rbf', 'probability': False}
Epoch : 448: f1_weighted Score 0.812 params {'C': 3.528384954977875, 'kernel': 'rbf', 'probability': False}
Epoch : 449: f1_weighted Score 0.812 params {'C': 2.8045925706635195, 'kernel': 'rbf', 'probability': False}
Epoch : 450: f1_weighted Score 0.812 params {'C': 3.4771097682901266, 'kernel': 'rbf', 'probability': False}
Epoch : 451: f1_weighted Score 0.812 params {'C': 2.9278079305250424, 'kernel': 'rbf', 'probability': False}
Epoch : 452: f1_weighted Score 0.812 params {'C': 2.74794009506213, 'kernel': 'rbf', 'probability': True}
Epoch : 453: f1_weighted Score 0.812 params {'C': 2.1335055843221147, 'kernel': 'rbf', 'probability': True}
Epoch : 454: f1_weighted Score 0.812 params {'C': 2.3722976843888945, 'kernel': 'rbf', 'probability': True}
Epoch : 455: f1_weighted Score 0.812 params {'C': 1.9736954332258456, 'kernel': 'rbf', 'probability': True}
Epoch : 456: f1_weighted Score 0.812 params {'C': 2.1864899182850293, 'kernel': 'rbf', 'probability': True}
Epoch : 457: f1_weighted Score 0.812 params {'C': 2.481690312865039, 'kernel': 'rbf', 'probability': False}
Epoch : 458: f1_weighted Score 0.812 params {'C': 2.6141634085853087, 'kernel': 'rbf', 'probability': False}
Epoch : 459: f1_weighted Score 0.611 params {'C': 2.985865550127567, 'kernel': 'sigmoid', 'probability': False}
Epoch : 460: f1_weighted Score 0.812 params {'C': 4.006467704437308, 'kernel': 'rbf', 'probability': False}
Epoch : 461: f1_weighted Score 0.812 params {'C': 1.5804136369617776, 'kernel': 'poly', 'probability': False}
Epoch : 462: f1_weighted Score 0.812 params {'C': 1.4488505597176589, 'kernel': 'poly', 'probability': False}
Epoch : 463: f1_weighted Score 0.812 params {'C': 0.3020281213462537, 'kernel': 'poly', 'probability': False}
Epoch : 464: f1_weighted Score 0.813 params {'C': 0.20106097877419357, 'kernel': 'poly', 'probability': False}
Epoch : 465: f1_weighted Score 0.560 params {'C': 0.013050769177536559, 'kernel': 'linear', 'probability': False}
Epoch : 466: f1_weighted Score 0.812 params {'C': 0.12654112509240134, 'kernel': 'linear', 'probability': False}
Epoch : 467: f1_weighted Score 0.812 params {'C': 1.1967731853916335, 'kernel': 'linear', 'probability': False}
Epoch : 468: f1_weighted Score 0.630 params {'C': 0.5775447152609962, 'kernel': 'sigmoid', 'probability': False}
Epoch : 469: f1_weighted Score 0.812 params {'C': 1.6918061696424704, 'kernel': 'linear', 'probability': False}
Epoch : 470: f1_weighted Score 0.812 params {'C': 1.0408937015508593, 'kernel': 'linear', 'probability': False}
Epoch : 471: f1_weighted Score 0.812 params {'C': 1.3169957204430771, 'kernel': 'linear', 'probability': False}
Epoch : 472: f1_weighted Score 0.812 params {'C': 1.732320073613765, 'kernel': 'linear', 'probability': False}
Epoch : 473: f1_weighted Score 0.620 params {'C': 2.0651435536881557, 'kernel': 'sigmoid', 'probability': False}
Epoch : 474: f1_weighted Score 0.615 params {'C': 6.911345597286572, 'kernel': 'sigmoid', 'probability': False}
Epoch : 475: f1_weighted Score 0.617 params {'C': 6.646173513983627, 'kernel': 'sigmoid', 'probability': False}
Epoch : 476: f1_weighted Score 0.812 params {'C': 6.130171864601065, 'kernel': 'poly', 'probability': False}
Epoch : 477: f1_weighted Score 0.810 params {'C': 6.325140327477614, 'kernel': 'poly', 'probability': False}
Epoch : 478: f1_weighted Score 0.617 params {'C': 6.09688005548132, 'kernel': 'sigmoid', 'probability': False}
Epoch : 479: f1_weighted Score 0.812 params {'C': 7.490101002601724, 'kernel': 'rbf', 'probability': True}
Epoch : 480: f1_weighted Score 0.812 params {'C': 6.795518258269468, 'kernel': 'rbf', 'probability': True}
Epoch : 481: f1_weighted Score 0.812 params {'C': 7.242434465995652, 'kernel': 'rbf', 'probability': True}
Epoch : 482: f1_weighted Score 0.812 params {'C': 5.867222112164181, 'kernel': 'poly', 'probability': False}
Epoch : 483: f1_weighted Score 0.812 params {'C': 7.636455447794636, 'kernel': 'rbf', 'probability': True}
Epoch : 484: f1_weighted Score 0.812 params {'C': 6.97757715222029, 'kernel': 'rbf', 'probability': True}
Epoch : 485: f1_weighted Score 0.812 params {'C': 6.583083861352298, 'kernel': 'rbf', 'probability': True}
Epoch : 486: f1_weighted Score 0.812 params {'C': 7.567873344047441, 'kernel': 'rbf', 'probability': True}
Epoch : 487: f1_weighted Score 0.812 params {'C': 6.233448964215257, 'kernel': 'rbf', 'probability': True}
Epoch : 488: f1_weighted Score 0.812 params {'C': 5.946839655310007, 'kernel': 'rbf', 'probability': True}
Epoch : 489: f1_weighted Score 0.812 params {'C': 5.77297310241947, 'kernel': 'rbf', 'probability': True}
Epoch : 490: f1_weighted Score 0.812 params {'C': 6.109638612638674, 'kernel': 'poly', 'probability': True}
Epoch : 491: f1_weighted Score 0.812 params {'C': 5.566151723536836, 'kernel': 'poly', 'probability': True}
Epoch : 492: f1_weighted Score 0.812 params {'C': 0.9168154343545063, 'kernel': 'poly', 'probability': True}
Epoch : 493: f1_weighted Score 0.812 params {'C': 0.742808208615652, 'kernel': 'poly', 'probability': True}
Epoch : 494: f1_weighted Score 0.812 params {'C': 0.36929585989223823, 'kernel': 'poly', 'probability': True}
Epoch : 495: f1_weighted Score 0.812 params {'C': 0.6487330752688587, 'kernel': 'poly', 'probability': True}
Epoch : 496: f1_weighted Score 0.812 params {'C': 0.43304546760772206, 'kernel': 'poly', 'probability': False}
Epoch : 497: f1_weighted Score 0.813 params {'C': 0.20196811886460908, 'kernel': 'poly', 'probability': False}
Epoch : 498: f1_weighted Score 0.723 params {'C': 0.03376269837775339, 'kernel': 'poly', 'probability': False}
Epoch : 499: f1_weighted Score 0.812 params {'C': 1.0669214629538908, 'kernel': 'poly', 'probability': False}
Epoch : 500: f1_weighted Score 0.796 params {'C': 0.13086954901426273, 'kernel': 'poly', 'probability': False}
the best option is: {'C': 0.23006033161093953, 'kernel': 'poly', 'probability': False}
Cooresponding loss:
0.812312824990272
In [242]:
NuSVC_space = {
    'nu': hp.loguniform('nu',np.log(0.000001),np.log(0.6)),
    'kernel': hp.choice('kernel', ['linear','poly','rbf','sigmoid']),
    'probability': hp.choice('probability', [False,True])
}
NuSVC = Bayesian_Optimizer(clf=svm.NuSVC, param_space=NuSVC_space, max_eval=500)
NuSVC.HP_optimization()
Epoch : 1: f1_weighted Score 0.410 params {'kernel': 'rbf', 'nu': 0.0020738622936460355, 'probability': False}
Epoch : 2: f1_weighted Score 0.477 params {'kernel': 'sigmoid', 'nu': 0.015339126015989022, 'probability': False}
Epoch : 3: f1_weighted Score 0.513 params {'kernel': 'sigmoid', 'nu': 2.5477099759838767e-06, 'probability': False}
Epoch : 4: f1_weighted Score 0.459 params {'kernel': 'rbf', 'nu': 1.268817290710088e-06, 'probability': True}
Epoch : 5: f1_weighted Score 0.484 params {'kernel': 'poly', 'nu': 3.5507661235326736e-06, 'probability': True}
Epoch : 6: f1_weighted Score 0.486 params {'kernel': 'sigmoid', 'nu': 0.0005068327265441575, 'probability': True}
Epoch : 7: f1_weighted Score 0.484 params {'kernel': 'sigmoid', 'nu': 0.0017119815384854437, 'probability': False}
Epoch : 8: f1_weighted Score 0.472 params {'kernel': 'linear', 'nu': 9.943004981856247e-05, 'probability': False}
Epoch : 9: f1_weighted Score 0.510 params {'kernel': 'rbf', 'nu': 1.3366476340660064e-05, 'probability': True}
Epoch : 10: f1_weighted Score 0.484 params {'kernel': 'sigmoid', 'nu': 0.0035994511345666274, 'probability': True}
Epoch : 11: f1_weighted Score 0.474 params {'kernel': 'linear', 'nu': 0.00010591938688317635, 'probability': False}
Epoch : 12: f1_weighted Score 0.482 params {'kernel': 'rbf', 'nu': 0.0015784797424249202, 'probability': True}
Epoch : 13: f1_weighted Score 0.513 params {'kernel': 'sigmoid', 'nu': 8.365310582587491e-06, 'probability': False}
Epoch : 14: f1_weighted Score 0.519 params {'kernel': 'poly', 'nu': 2.25546720640094e-05, 'probability': False}
Epoch : 15: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.40575685950971435, 'probability': True}
Epoch : 16: f1_weighted Score 0.483 params {'kernel': 'rbf', 'nu': 8.750514115984482e-05, 'probability': False}
Epoch : 17: f1_weighted Score 0.565 params {'kernel': 'rbf', 'nu': 0.007062903152493733, 'probability': True}
Epoch : 18: f1_weighted Score 0.488 params {'kernel': 'sigmoid', 'nu': 0.0041245148766681505, 'probability': False}
Epoch : 19: f1_weighted Score 0.486 params {'kernel': 'poly', 'nu': 1.3961959129672898e-05, 'probability': False}
Epoch : 20: f1_weighted Score 0.460 params {'kernel': 'linear', 'nu': 8.676645975824069e-05, 'probability': False}
Epoch : 21: f1_weighted Score 0.749 params {'kernel': 'linear', 'nu': 0.33312846821196684, 'probability': True}
Epoch : 22: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.4667387303917001, 'probability': True}
Epoch : 23: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5163262036622965, 'probability': True}
Epoch : 24: f1_weighted Score 0.545 params {'kernel': 'linear', 'nu': 0.07892570362051037, 'probability': True}
Epoch : 25: f1_weighted Score 0.459 params {'kernel': 'linear', 'nu': 0.07115857460210191, 'probability': True}
Epoch : 26: f1_weighted Score 0.446 params {'kernel': 'linear', 'nu': 0.1279486886833551, 'probability': True}
Epoch : 27: f1_weighted Score 0.490 params {'kernel': 'linear', 'nu': 0.0215631288594001, 'probability': True}
Epoch : 28: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5712101314678796, 'probability': True}
Epoch : 29: f1_weighted Score 0.593 params {'kernel': 'linear', 'nu': 0.18301412565965022, 'probability': True}
Epoch : 30: f1_weighted Score 0.419 params {'kernel': 'linear', 'nu': 0.033664764142611776, 'probability': True}
Epoch : 31: f1_weighted Score 0.642 params {'kernel': 'poly', 'nu': 0.010355200076519458, 'probability': True}
Epoch : 32: f1_weighted Score 0.414 params {'kernel': 'linear', 'nu': 0.00044122839017660066, 'probability': True}
Epoch : 33: f1_weighted Score 0.655 params {'kernel': 'linear', 'nu': 0.25084920896293644, 'probability': True}
Epoch : 34: f1_weighted Score 0.667 params {'kernel': 'poly', 'nu': 0.04098961378461194, 'probability': True}
Epoch : 35: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5946559815709008, 'probability': True}
Epoch : 36: f1_weighted Score 0.396 params {'kernel': 'linear', 'nu': 0.10332659581002658, 'probability': True}
Epoch : 37: f1_weighted Score 0.663 params {'kernel': 'rbf', 'nu': 0.01873732421543706, 'probability': True}
Epoch : 38: f1_weighted Score 0.383 params {'kernel': 'poly', 'nu': 0.00021770554712203987, 'probability': True}
Epoch : 39: f1_weighted Score 0.511 params {'kernel': 'sigmoid', 'nu': 0.04157231889158504, 'probability': True}
Epoch : 40: f1_weighted Score 0.516 params {'kernel': 'linear', 'nu': 1.025883008674593e-06, 'probability': True}
Epoch : 41: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5800997787863503, 'probability': True}
Epoch : 42: f1_weighted Score 0.473 params {'kernel': 'rbf', 'nu': 0.0013600127627518693, 'probability': True}
Epoch : 43: f1_weighted Score 0.513 params {'kernel': 'sigmoid', 'nu': 2.738631525789537e-06, 'probability': True}
Epoch : 44: f1_weighted Score 0.443 params {'kernel': 'linear', 'nu': 0.004041263457612922, 'probability': False}
Epoch : 45: f1_weighted Score 0.779 params {'kernel': 'poly', 'nu': 0.313230629998391, 'probability': True}
Epoch : 46: f1_weighted Score 0.509 params {'kernel': 'sigmoid', 'nu': 0.16362341156012342, 'probability': False}
Epoch : 47: f1_weighted Score 0.480 params {'kernel': 'rbf', 'nu': 0.0007483466686221581, 'probability': True}
Epoch : 48: f1_weighted Score 0.412 params {'kernel': 'linear', 'nu': 0.009222909975074807, 'probability': True}
Epoch : 49: f1_weighted Score 0.494 params {'kernel': 'linear', 'nu': 5.323988320084974e-05, 'probability': False}
Epoch : 50: f1_weighted Score 0.513 params {'kernel': 'sigmoid', 'nu': 4.912894734909524e-06, 'probability': True}
Epoch : 51: f1_weighted Score 0.425 params {'kernel': 'rbf', 'nu': 0.002003277105714776, 'probability': False}
Epoch : 52: f1_weighted Score 0.434 params {'kernel': 'poly', 'nu': 0.00023289507557411297, 'probability': True}
Epoch : 53: f1_weighted Score 0.562 params {'kernel': 'linear', 'nu': 0.22706289445962466, 'probability': True}
Epoch : 54: f1_weighted Score 0.457 params {'kernel': 'linear', 'nu': 0.06511497837734183, 'probability': False}
Epoch : 55: f1_weighted Score 0.524 params {'kernel': 'linear', 'nu': 2.6958948145494848e-05, 'probability': True}
Epoch : 56: f1_weighted Score 0.483 params {'kernel': 'sigmoid', 'nu': 0.012513572135203422, 'probability': True}
Epoch : 57: f1_weighted Score 0.594 params {'kernel': 'rbf', 'nu': 0.006083994468428913, 'probability': False}
Epoch : 58: f1_weighted Score 0.427 params {'kernel': 'linear', 'nu': 0.0028058065645983313, 'probability': True}
Epoch : 59: f1_weighted Score 0.680 params {'kernel': 'poly', 'nu': 0.024264925650040563, 'probability': True}
Epoch : 60: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5451802253087429, 'probability': True}
Epoch : 61: f1_weighted Score 0.482 params {'kernel': 'linear', 'nu': 0.06220675307729625, 'probability': False}
Epoch : 62: f1_weighted Score 0.808 params {'kernel': 'rbf', 'nu': 0.3496904716130279, 'probability': True}
Epoch : 63: f1_weighted Score 0.536 params {'kernel': 'linear', 'nu': 0.10257805944450234, 'probability': True}
Epoch : 64: f1_weighted Score 0.484 params {'kernel': 'sigmoid', 'nu': 0.0011886006648016473, 'probability': True}
Epoch : 65: f1_weighted Score 0.637 params {'kernel': 'poly', 'nu': 0.03244069549668303, 'probability': True}
Epoch : 66: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5543994577740584, 'probability': True}
Epoch : 67: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.3880515490164221, 'probability': True}
Epoch : 68: f1_weighted Score 0.418 params {'kernel': 'linear', 'nu': 0.1464561961410352, 'probability': True}
Epoch : 69: f1_weighted Score 0.590 params {'kernel': 'linear', 'nu': 0.22720426537983401, 'probability': True}
Epoch : 70: f1_weighted Score 0.445 params {'kernel': 'linear', 'nu': 0.10154332739891277, 'probability': True}
Epoch : 71: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5949783925958558, 'probability': True}
Epoch : 72: f1_weighted Score 0.414 params {'kernel': 'linear', 'nu': 0.05031886687968948, 'probability': True}
Epoch : 73: f1_weighted Score 0.447 params {'kernel': 'linear', 'nu': 0.015140141650264049, 'probability': True}
Epoch : 74: f1_weighted Score 0.491 params {'kernel': 'linear', 'nu': 0.005814738238559394, 'probability': True}
Epoch : 75: f1_weighted Score 0.448 params {'kernel': 'linear', 'nu': 0.02637249789567946, 'probability': True}
Epoch : 76: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.395045373559029, 'probability': True}
Epoch : 77: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.3806926110606222, 'probability': True}
Epoch : 78: f1_weighted Score 0.775 params {'kernel': 'rbf', 'nu': 0.2772439810991068, 'probability': True}
Epoch : 79: f1_weighted Score 0.513 params {'kernel': 'sigmoid', 'nu': 0.15785161523420238, 'probability': False}
Epoch : 80: f1_weighted Score 0.667 params {'kernel': 'poly', 'nu': 0.09104935306676357, 'probability': True}
Epoch : 81: f1_weighted Score 0.453 params {'kernel': 'linear', 'nu': 0.0003133509223428637, 'probability': True}
Epoch : 82: f1_weighted Score 0.516 params {'kernel': 'linear', 'nu': 1.443370950173412e-06, 'probability': True}
Epoch : 83: f1_weighted Score 0.394 params {'kernel': 'linear', 'nu': 0.05040230118859764, 'probability': False}
Epoch : 84: f1_weighted Score 0.651 params {'kernel': 'rbf', 'nu': 0.019251483258292883, 'probability': True}
Epoch : 85: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.42565032548138104, 'probability': True}
Epoch : 86: f1_weighted Score 0.484 params {'kernel': 'sigmoid', 'nu': 0.002908621815684927, 'probability': True}
Epoch : 87: f1_weighted Score 0.742 params {'kernel': 'poly', 'nu': 0.19827204913269128, 'probability': True}
Epoch : 88: f1_weighted Score 0.435 params {'kernel': 'linear', 'nu': 0.00974178292031512, 'probability': False}
Epoch : 89: f1_weighted Score 0.396 params {'kernel': 'linear', 'nu': 0.0006615901523286638, 'probability': True}
Epoch : 90: f1_weighted Score 0.496 params {'kernel': 'linear', 'nu': 9.79408509009388e-06, 'probability': True}
Epoch : 91: f1_weighted Score 0.499 params {'kernel': 'rbf', 'nu': 0.00013034684580845958, 'probability': False}
Epoch : 92: f1_weighted Score 0.517 params {'kernel': 'sigmoid', 'nu': 0.1202315584172059, 'probability': True}
Epoch : 93: f1_weighted Score 0.458 params {'kernel': 'poly', 'nu': 3.43690888013314e-05, 'probability': True}
Epoch : 94: f1_weighted Score 0.386 params {'kernel': 'linear', 'nu': 0.0009793001377121147, 'probability': True}
Epoch : 95: f1_weighted Score 0.469 params {'kernel': 'linear', 'nu': 0.0719675264768639, 'probability': True}
Epoch : 96: f1_weighted Score 0.736 params {'kernel': 'linear', 'nu': 0.3383210286134112, 'probability': True}
Epoch : 97: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.4787303344316628, 'probability': False}
Epoch : 98: f1_weighted Score 0.634 params {'kernel': 'rbf', 'nu': 0.04238759126915955, 'probability': False}
Epoch : 99: f1_weighted Score 0.494 params {'kernel': 'sigmoid', 'nu': 0.013685418387720284, 'probability': True}
Epoch : 100: f1_weighted Score 0.689 params {'kernel': 'poly', 'nu': 0.03177131750973715, 'probability': True}
Epoch : 101: f1_weighted Score 0.504 params {'kernel': 'linear', 'nu': 0.13266145433895538, 'probability': True}
Epoch : 102: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5601738395805547, 'probability': True}
Epoch : 103: f1_weighted Score 0.536 params {'kernel': 'linear', 'nu': 0.007772154083906477, 'probability': True}
Epoch : 104: f1_weighted Score 0.419 params {'kernel': 'linear', 'nu': 0.004669228126909764, 'probability': True}
Epoch : 105: f1_weighted Score 0.747 params {'kernel': 'rbf', 'nu': 0.20260282747203273, 'probability': True}
Epoch : 106: f1_weighted Score 0.519 params {'kernel': 'sigmoid', 'nu': 0.08112066510655469, 'probability': False}
Epoch : 107: f1_weighted Score 0.406 params {'kernel': 'poly', 'nu': 0.0024310946174820112, 'probability': True}
Epoch : 108: f1_weighted Score 0.686 params {'kernel': 'linear', 'nu': 0.2935820917997415, 'probability': True}
Epoch : 109: f1_weighted Score 0.582 params {'kernel': 'linear', 'nu': 0.2514315788379152, 'probability': False}
Epoch : 110: f1_weighted Score 0.421 params {'kernel': 'linear', 'nu': 0.058994861302494664, 'probability': True}
Epoch : 111: f1_weighted Score 0.376 params {'kernel': 'linear', 'nu': 0.027829517382361727, 'probability': False}
Epoch : 112: f1_weighted Score 0.659 params {'kernel': 'rbf', 'nu': 0.021352090586102747, 'probability': True}
Epoch : 113: f1_weighted Score 0.513 params {'kernel': 'sigmoid', 'nu': 4.935228110904556e-06, 'probability': True}
Epoch : 114: f1_weighted Score 0.693 params {'kernel': 'poly', 'nu': 0.15999559300309335, 'probability': True}
Epoch : 115: f1_weighted Score 0.466 params {'kernel': 'linear', 'nu': 5.770283625208909e-05, 'probability': True}
Epoch : 116: f1_weighted Score 0.366 params {'kernel': 'linear', 'nu': 0.000429189120753565, 'probability': True}
Epoch : 117: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.4512648775482653, 'probability': True}
Epoch : 118: f1_weighted Score 0.401 params {'kernel': 'linear', 'nu': 0.04228591005769568, 'probability': True}
Epoch : 119: f1_weighted Score 0.710 params {'kernel': 'rbf', 'nu': 0.11108502015626841, 'probability': True}
Epoch : 120: f1_weighted Score 0.484 params {'kernel': 'sigmoid', 'nu': 0.017951689196931495, 'probability': True}
Epoch : 121: f1_weighted Score 0.449 params {'kernel': 'linear', 'nu': 1.64283382138816e-05, 'probability': True}
Epoch : 122: f1_weighted Score 0.422 params {'kernel': 'poly', 'nu': 0.003624026140080599, 'probability': False}
Epoch : 123: f1_weighted Score 0.499 params {'kernel': 'linear', 'nu': 0.012291992590361652, 'probability': True}
Epoch : 124: f1_weighted Score 0.476 params {'kernel': 'linear', 'nu': 0.0016129075029738982, 'probability': True}
Epoch : 125: f1_weighted Score 0.516 params {'kernel': 'linear', 'nu': 1.6812961771132342e-06, 'probability': True}
Epoch : 126: f1_weighted Score 0.530 params {'kernel': 'linear', 'nu': 0.18287811832874057, 'probability': False}
Epoch : 127: f1_weighted Score 0.613 params {'kernel': 'rbf', 'nu': 0.005393006148840134, 'probability': True}
Epoch : 128: f1_weighted Score 0.489 params {'kernel': 'sigmoid', 'nu': 0.00011568331806264755, 'probability': False}
Epoch : 129: f1_weighted Score 0.441 params {'kernel': 'poly', 'nu': 0.0001683074145169679, 'probability': True}
Epoch : 130: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.583820700808475, 'probability': True}
Epoch : 131: f1_weighted Score 0.641 params {'kernel': 'linear', 'nu': 0.2662306426378878, 'probability': True}
Epoch : 132: f1_weighted Score 0.454 params {'kernel': 'linear', 'nu': 0.08855489873776311, 'probability': True}
Epoch : 133: f1_weighted Score 0.672 params {'kernel': 'rbf', 'nu': 0.05470383373447889, 'probability': True}
Epoch : 134: f1_weighted Score 0.503 params {'kernel': 'linear', 'nu': 0.007926763596542845, 'probability': True}
Epoch : 135: f1_weighted Score 0.452 params {'kernel': 'sigmoid', 'nu': 0.3655056632092117, 'probability': True}
Epoch : 136: f1_weighted Score 0.743 params {'kernel': 'poly', 'nu': 0.5771788696956085, 'probability': True}
Epoch : 137: f1_weighted Score 0.469 params {'kernel': 'linear', 'nu': 0.0349075088598821, 'probability': False}
Epoch : 138: f1_weighted Score 0.430 params {'kernel': 'linear', 'nu': 0.1310432805817951, 'probability': False}
Epoch : 139: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.45985488492527565, 'probability': True}
Epoch : 140: f1_weighted Score 0.645 params {'kernel': 'linear', 'nu': 0.22007758144511336, 'probability': True}
Epoch : 141: f1_weighted Score 0.689 params {'kernel': 'rbf', 'nu': 0.08328203341062743, 'probability': True}
Epoch : 142: f1_weighted Score 0.484 params {'kernel': 'sigmoid', 'nu': 0.0008945878820826253, 'probability': True}
Epoch : 143: f1_weighted Score 0.466 params {'kernel': 'linear', 'nu': 5.806851077743893e-05, 'probability': True}
Epoch : 144: f1_weighted Score 0.432 params {'kernel': 'poly', 'nu': 0.00033322946657001216, 'probability': True}
Epoch : 145: f1_weighted Score 0.434 params {'kernel': 'linear', 'nu': 0.0019244870783003327, 'probability': True}
Epoch : 146: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5805532511997332, 'probability': True}
Epoch : 147: f1_weighted Score 0.685 params {'kernel': 'linear', 'nu': 0.30972231883969364, 'probability': True}
Epoch : 148: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.4276275037402403, 'probability': False}
Epoch : 149: f1_weighted Score 0.456 params {'kernel': 'linear', 'nu': 0.12841878075540342, 'probability': False}
Epoch : 150: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5982127838746856, 'probability': True}
Epoch : 151: f1_weighted Score 0.523 params {'kernel': 'linear', 'nu': 0.18212671977071634, 'probability': False}
Epoch : 152: f1_weighted Score 0.645 params {'kernel': 'linear', 'nu': 0.2492843650982249, 'probability': True}
Epoch : 153: f1_weighted Score 0.431 params {'kernel': 'linear', 'nu': 0.06962371616295705, 'probability': True}
Epoch : 154: f1_weighted Score 0.738 params {'kernel': 'linear', 'nu': 0.3183957796648238, 'probability': True}
Epoch : 155: f1_weighted Score 0.381 params {'kernel': 'linear', 'nu': 0.04917973534490781, 'probability': True}
Epoch : 156: f1_weighted Score 0.452 params {'kernel': 'linear', 'nu': 0.14476359918682902, 'probability': True}
Epoch : 157: f1_weighted Score 0.415 params {'kernel': 'linear', 'nu': 0.10357727950236374, 'probability': False}
Epoch : 158: f1_weighted Score 0.430 params {'kernel': 'linear', 'nu': 0.03676655632171198, 'probability': True}
Epoch : 159: f1_weighted Score 0.643 params {'kernel': 'rbf', 'nu': 0.02277696625260839, 'probability': True}
Epoch : 160: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.3589121466474228, 'probability': True}
Epoch : 161: f1_weighted Score 0.580 params {'kernel': 'linear', 'nu': 0.16724002681642816, 'probability': True}
Epoch : 162: f1_weighted Score 0.574 params {'kernel': 'sigmoid', 'nu': 0.5271552823477204, 'probability': True}
Epoch : 163: f1_weighted Score 0.408 params {'kernel': 'linear', 'nu': 0.01115935241573082, 'probability': True}
Epoch : 164: f1_weighted Score 0.471 params {'kernel': 'poly', 'nu': 0.016054756774150535, 'probability': True}
Epoch : 165: f1_weighted Score 0.482 params {'kernel': 'linear', 'nu': 0.0651682217899959, 'probability': False}
Epoch : 166: f1_weighted Score 0.600 params {'kernel': 'linear', 'nu': 0.2238528187522027, 'probability': True}
Epoch : 167: f1_weighted Score 0.690 params {'kernel': 'rbf', 'nu': 0.10236062426751381, 'probability': True}
Epoch : 168: f1_weighted Score 0.396 params {'kernel': 'linear', 'nu': 0.0006168791577300606, 'probability': True}
Epoch : 169: f1_weighted Score 0.520 params {'kernel': 'sigmoid', 'nu': 0.4365187694784789, 'probability': True}
Epoch : 170: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.3839695336290999, 'probability': True}
Epoch : 171: f1_weighted Score 0.667 params {'kernel': 'poly', 'nu': 0.02588540918528892, 'probability': True}
Epoch : 172: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5725452603366795, 'probability': True}
Epoch : 173: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5935528629649073, 'probability': True}
Epoch : 174: f1_weighted Score 0.516 params {'kernel': 'linear', 'nu': 3.96520782161782e-06, 'probability': True}
Epoch : 175: f1_weighted Score 0.739 params {'kernel': 'rbf', 'nu': 0.18331490413235285, 'probability': True}
Epoch : 176: f1_weighted Score 0.666 params {'kernel': 'linear', 'nu': 0.30826545423855467, 'probability': True}
Epoch : 177: f1_weighted Score 0.514 params {'kernel': 'sigmoid', 'nu': 0.045343461828680744, 'probability': True}
Epoch : 178: f1_weighted Score 0.412 params {'kernel': 'linear', 'nu': 0.006526220346131848, 'probability': True}
Epoch : 179: f1_weighted Score 0.641 params {'kernel': 'poly', 'nu': 0.06589815044654446, 'probability': False}
Epoch : 180: f1_weighted Score 0.487 params {'kernel': 'linear', 'nu': 0.08148268274760274, 'probability': True}
Epoch : 181: f1_weighted Score 0.671 params {'kernel': 'linear', 'nu': 0.25495642212166847, 'probability': True}
Epoch : 182: f1_weighted Score 0.516 params {'kernel': 'linear', 'nu': 2.0487325150040648e-06, 'probability': True}
Epoch : 183: f1_weighted Score 0.524 params {'kernel': 'linear', 'nu': 3.160931307253967e-05, 'probability': False}
Epoch : 184: f1_weighted Score 0.510 params {'kernel': 'rbf', 'nu': 7.340925518443185e-06, 'probability': True}
Epoch : 185: f1_weighted Score 0.515 params {'kernel': 'sigmoid', 'nu': 0.12836857417352981, 'probability': False}
Epoch : 186: f1_weighted Score 0.427 params {'kernel': 'linear', 'nu': 0.03221955862629305, 'probability': True}
Epoch : 187: f1_weighted Score 0.416 params {'kernel': 'poly', 'nu': 0.0013701695145534115, 'probability': False}
Epoch : 188: f1_weighted Score 0.488 params {'kernel': 'linear', 'nu': 7.789233835843516e-05, 'probability': True}
Epoch : 189: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.43517130511800767, 'probability': False}
Epoch : 190: f1_weighted Score 0.508 params {'kernel': 'linear', 'nu': 1.9676826138692303e-05, 'probability': False}
Epoch : 191: f1_weighted Score 0.388 params {'kernel': 'linear', 'nu': 0.0146756893937164, 'probability': False}
Epoch : 192: f1_weighted Score 0.747 params {'kernel': 'rbf', 'nu': 0.1974643095996451, 'probability': True}
Epoch : 193: f1_weighted Score 0.515 params {'kernel': 'sigmoid', 'nu': 0.09317949849041388, 'probability': True}
Epoch : 194: f1_weighted Score 0.731 params {'kernel': 'poly', 'nu': 0.5955408500914362, 'probability': False}
Epoch : 195: f1_weighted Score 0.425 params {'kernel': 'linear', 'nu': 0.0026128735069921366, 'probability': False}
Epoch : 196: f1_weighted Score 0.631 params {'kernel': 'linear', 'nu': 0.27416762870039796, 'probability': False}
Epoch : 197: f1_weighted Score 0.467 params {'kernel': 'linear', 'nu': 0.00919698447626389, 'probability': True}
Epoch : 198: f1_weighted Score 0.437 params {'kernel': 'linear', 'nu': 0.0033715960819384453, 'probability': True}
Epoch : 199: f1_weighted Score 0.713 params {'kernel': 'rbf', 'nu': 0.16333889814513572, 'probability': True}
Epoch : 200: f1_weighted Score 0.444 params {'kernel': 'linear', 'nu': 0.020390330832803578, 'probability': False}
Epoch : 201: f1_weighted Score 0.462 params {'kernel': 'linear', 'nu': 0.05578067842763392, 'probability': False}
Epoch : 202: f1_weighted Score 0.696 params {'kernel': 'poly', 'nu': 0.1106828926002793, 'probability': True}
Epoch : 203: f1_weighted Score 0.509 params {'kernel': 'sigmoid', 'nu': 0.03899286446041411, 'probability': True}
Epoch : 204: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.595759824032995, 'probability': True}
Epoch : 205: f1_weighted Score 0.695 params {'kernel': 'linear', 'nu': 0.3099463184212144, 'probability': True}
Epoch : 206: f1_weighted Score 0.516 params {'kernel': 'linear', 'nu': 1.1587388873252426e-06, 'probability': True}
Epoch : 207: f1_weighted Score 0.409 params {'kernel': 'linear', 'nu': 0.00021894737672451274, 'probability': False}
Epoch : 208: f1_weighted Score 0.720 params {'kernel': 'rbf', 'nu': 0.14462597676033015, 'probability': False}
Epoch : 209: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.4587675620834018, 'probability': False}
Epoch : 210: f1_weighted Score 0.510 params {'kernel': 'sigmoid', 'nu': 0.21054963389946688, 'probability': False}
Epoch : 211: f1_weighted Score 0.463 params {'kernel': 'linear', 'nu': 0.004493921994443847, 'probability': True}
Epoch : 212: f1_weighted Score 0.686 params {'kernel': 'poly', 'nu': 0.02567119254594473, 'probability': True}
Epoch : 213: f1_weighted Score 0.446 params {'kernel': 'linear', 'nu': 0.06741397296586342, 'probability': False}
Epoch : 214: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.41483531558932407, 'probability': False}
Epoch : 215: f1_weighted Score 0.496 params {'kernel': 'linear', 'nu': 1.050415195746487e-05, 'probability': False}
Epoch : 216: f1_weighted Score 0.409 params {'kernel': 'linear', 'nu': 0.04779836728970347, 'probability': False}
Epoch : 217: f1_weighted Score 0.510 params {'kernel': 'rbf', 'nu': 4.4019552974157966e-05, 'probability': True}
Epoch : 218: f1_weighted Score 0.505 params {'kernel': 'sigmoid', 'nu': 0.23323067725244614, 'probability': False}
Epoch : 219: f1_weighted Score 0.485 params {'kernel': 'linear', 'nu': 0.08355119039420962, 'probability': True}
Epoch : 220: f1_weighted Score 0.424 params {'kernel': 'linear', 'nu': 0.1224015336163818, 'probability': False}
Epoch : 221: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.3832108734983294, 'probability': False}
Epoch : 222: f1_weighted Score 0.713 params {'kernel': 'poly', 'nu': 0.15832892930441958, 'probability': False}
Epoch : 223: f1_weighted Score 0.506 params {'kernel': 'rbf', 'nu': 0.0003521989844101822, 'probability': True}
Epoch : 224: f1_weighted Score 0.515 params {'kernel': 'linear', 'nu': 0.011908184711912557, 'probability': True}
Epoch : 225: f1_weighted Score 0.505 params {'kernel': 'sigmoid', 'nu': 0.029064926881047434, 'probability': True}
Epoch : 226: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5993748184432766, 'probability': True}
Epoch : 227: f1_weighted Score 0.457 params {'kernel': 'linear', 'nu': 0.018140545623453793, 'probability': False}
Epoch : 228: f1_weighted Score 0.448 params {'kernel': 'poly', 'nu': 0.0011561437397501445, 'probability': False}
Epoch : 229: f1_weighted Score 0.506 params {'kernel': 'linear', 'nu': 0.007607604975404352, 'probability': True}
Epoch : 230: f1_weighted Score 0.685 params {'kernel': 'linear', 'nu': 0.3045649311201217, 'probability': True}
Epoch : 231: f1_weighted Score 0.416 params {'kernel': 'linear', 'nu': 0.10501867799401587, 'probability': False}
Epoch : 232: f1_weighted Score 0.810 params {'kernel': 'rbf', 'nu': 0.5869205160085434, 'probability': False}
Epoch : 233: f1_weighted Score 0.528 params {'kernel': 'linear', 'nu': 0.21396790985120756, 'probability': False}
Epoch : 234: f1_weighted Score 0.503 params {'kernel': 'sigmoid', 'nu': 0.05372116294847834, 'probability': True}
Epoch : 235: f1_weighted Score 0.778 params {'kernel': 'poly', 'nu': 0.27191432337075117, 'probability': True}
Epoch : 236: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.47073324462536004, 'probability': False}
Epoch : 237: f1_weighted Score 0.409 params {'kernel': 'linear', 'nu': 0.036918024123484335, 'probability': False}
Epoch : 238: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.3743572803644282, 'probability': False}
Epoch : 239: f1_weighted Score 0.437 params {'kernel': 'linear', 'nu': 0.015012245714796058, 'probability': False}
Epoch : 240: f1_weighted Score 0.476 params {'kernel': 'linear', 'nu': 0.06973680688854343, 'probability': False}
Epoch : 241: f1_weighted Score 0.707 params {'kernel': 'rbf', 'nu': 0.14118240346857727, 'probability': True}
Epoch : 242: f1_weighted Score 0.512 params {'kernel': 'linear', 'nu': 6.021491268985772e-06, 'probability': True}
Epoch : 243: f1_weighted Score 0.572 params {'kernel': 'sigmoid', 'nu': 0.47581522732700116, 'probability': False}
Epoch : 244: f1_weighted Score 0.562 params {'kernel': 'poly', 'nu': 0.005953249152636987, 'probability': True}
Epoch : 245: f1_weighted Score 0.434 params {'kernel': 'linear', 'nu': 0.0018977729330671234, 'probability': False}
Epoch : 246: f1_weighted Score 0.472 params {'kernel': 'linear', 'nu': 0.08753903725505194, 'probability': False}
Epoch : 247: f1_weighted Score 0.537 params {'kernel': 'linear', 'nu': 0.18189912801283162, 'probability': True}
Epoch : 248: f1_weighted Score 0.460 params {'kernel': 'linear', 'nu': 0.021603545102486202, 'probability': True}
Epoch : 249: f1_weighted Score 0.812 params {'kernel': 'rbf', 'nu': 0.37068896022143977, 'probability': True}
Epoch : 250: f1_weighted Score 0.624 params {'kernel': 'rbf', 'nu': 0.009570162961370258, 'probability': True}
Epoch : 251: f1_weighted Score 0.516 params {'kernel': 'linear', 'nu': 0.24867975742001022, 'probability': True}
Epoch : 252: f1_weighted Score 0.486 params {'kernel': 'sigmoid', 'nu': 0.0005876063237556396, 'probability': False}
Epoch : 253: f1_weighted Score 0.665 params {'kernel': 'poly', 'nu': 0.04899079402980856, 'probability': True}
Epoch : 254: f1_weighted Score 0.456 params {'kernel': 'linear', 'nu': 0.00013880752112255444, 'probability': True}
Epoch : 255: f1_weighted Score 0.391 params {'kernel': 'linear', 'nu': 0.1214188917562036, 'probability': True}
Epoch : 256: f1_weighted Score 0.516 params {'kernel': 'linear', 'nu': 3.4530346220526023e-06, 'probability': True}
Epoch : 257: f1_weighted Score 0.513 params {'kernel': 'linear', 'nu': 0.175123620478348, 'probability': True}
Epoch : 258: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5972055310457707, 'probability': True}
Epoch : 259: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5969732929673761, 'probability': True}
Epoch : 260: f1_weighted Score 0.783 params {'kernel': 'linear', 'nu': 0.3534809491976192, 'probability': True}
Epoch : 261: f1_weighted Score 0.650 params {'kernel': 'linear', 'nu': 0.2938227650120599, 'probability': True}
Epoch : 262: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5143220706256744, 'probability': True}
Epoch : 263: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.4409371664203409, 'probability': True}
Epoch : 264: f1_weighted Score 0.561 params {'kernel': 'linear', 'nu': 0.18769260647243902, 'probability': True}
Epoch : 265: f1_weighted Score 0.510 params {'kernel': 'linear', 'nu': 0.0986535464253739, 'probability': True}
Epoch : 266: f1_weighted Score 0.754 params {'kernel': 'linear', 'nu': 0.3267676822813557, 'probability': True}
Epoch : 267: f1_weighted Score 0.591 params {'kernel': 'linear', 'nu': 0.22448438112174357, 'probability': True}
Epoch : 268: f1_weighted Score 0.699 params {'kernel': 'rbf', 'nu': 0.07364216583622431, 'probability': True}
Epoch : 269: f1_weighted Score 0.812 params {'kernel': 'rbf', 'nu': 0.421983851998347, 'probability': False}
Epoch : 270: f1_weighted Score 0.701 params {'kernel': 'rbf', 'nu': 0.14259002021940284, 'probability': False}
Epoch : 271: f1_weighted Score 0.812 params {'kernel': 'rbf', 'nu': 0.40653469158770705, 'probability': False}
Epoch : 272: f1_weighted Score 0.669 params {'kernel': 'rbf', 'nu': 0.03142495929601693, 'probability': True}
Epoch : 273: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5981638445576863, 'probability': True}
Epoch : 274: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5961884611858363, 'probability': True}
Epoch : 275: f1_weighted Score 0.655 params {'kernel': 'linear', 'nu': 0.2562342163574946, 'probability': True}
Epoch : 276: f1_weighted Score 0.402 params {'kernel': 'linear', 'nu': 0.12385652092370704, 'probability': True}
Epoch : 277: f1_weighted Score 0.693 params {'kernel': 'rbf', 'nu': 0.08518042646927661, 'probability': False}
Epoch : 278: f1_weighted Score 0.497 params {'kernel': 'linear', 'nu': 0.1945547612869465, 'probability': True}
Epoch : 279: f1_weighted Score 0.704 params {'kernel': 'linear', 'nu': 0.3113662227447761, 'probability': True}
Epoch : 280: f1_weighted Score 0.445 params {'kernel': 'linear', 'nu': 0.062377801071416765, 'probability': True}
Epoch : 281: f1_weighted Score 0.460 params {'kernel': 'linear', 'nu': 8.955289703121348e-05, 'probability': True}
Epoch : 282: f1_weighted Score 0.514 params {'kernel': 'sigmoid', 'nu': 0.040921444372278494, 'probability': True}
Epoch : 283: f1_weighted Score 0.485 params {'kernel': 'linear', 'nu': 0.15614876525616286, 'probability': False}
Epoch : 284: f1_weighted Score 0.782 params {'kernel': 'poly', 'nu': 0.5215372171652888, 'probability': True}
Epoch : 285: f1_weighted Score 0.705 params {'kernel': 'rbf', 'nu': 0.10382212480652059, 'probability': False}
Epoch : 286: f1_weighted Score 0.648 params {'kernel': 'linear', 'nu': 0.24676019933492985, 'probability': False}
Epoch : 287: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5927550574549972, 'probability': True}
Epoch : 288: f1_weighted Score 0.692 params {'kernel': 'linear', 'nu': 0.31118256681444567, 'probability': True}
Epoch : 289: f1_weighted Score 0.812 params {'kernel': 'rbf', 'nu': 0.4551024748361152, 'probability': False}
Epoch : 290: f1_weighted Score 0.661 params {'kernel': 'rbf', 'nu': 0.06119461195633755, 'probability': False}
Epoch : 291: f1_weighted Score 0.361 params {'kernel': 'linear', 'nu': 0.0008759777392592134, 'probability': True}
Epoch : 292: f1_weighted Score 0.451 params {'kernel': 'linear', 'nu': 0.14146606037784915, 'probability': True}
Epoch : 293: f1_weighted Score 0.812 params {'kernel': 'rbf', 'nu': 0.47476428777082325, 'probability': True}
Epoch : 294: f1_weighted Score 0.639 params {'kernel': 'rbf', 'nu': 0.03070491279736706, 'probability': False}
Epoch : 295: f1_weighted Score 0.508 params {'kernel': 'sigmoid', 'nu': 0.22092857374183988, 'probability': False}
Epoch : 296: f1_weighted Score 0.683 params {'kernel': 'rbf', 'nu': 0.04701788272008561, 'probability': False}
Epoch : 297: f1_weighted Score 0.795 params {'kernel': 'linear', 'nu': 0.35046224130096715, 'probability': False}
Epoch : 298: f1_weighted Score 0.690 params {'kernel': 'rbf', 'nu': 0.10783429589695351, 'probability': True}
Epoch : 299: f1_weighted Score 0.669 params {'kernel': 'rbf', 'nu': 0.07864174689206564, 'probability': True}
Epoch : 300: f1_weighted Score 0.510 params {'kernel': 'rbf', 'nu': 1.3021010719980077e-05, 'probability': True}
Epoch : 301: f1_weighted Score 0.648 params {'kernel': 'rbf', 'nu': 0.023713404867145235, 'probability': False}
Epoch : 302: f1_weighted Score 0.734 params {'kernel': 'poly', 'nu': 0.17602293326456184, 'probability': True}
Epoch : 303: f1_weighted Score 0.616 params {'kernel': 'rbf', 'nu': 0.016585533529972597, 'probability': False}
Epoch : 304: f1_weighted Score 0.524 params {'kernel': 'linear', 'nu': 2.563145918900755e-05, 'probability': True}
Epoch : 305: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5757374367215853, 'probability': True}
Epoch : 306: f1_weighted Score 0.414 params {'kernel': 'linear', 'nu': 0.0004376303595077321, 'probability': True}
Epoch : 307: f1_weighted Score 0.810 params {'kernel': 'rbf', 'nu': 0.36232423125187074, 'probability': True}
Epoch : 308: f1_weighted Score 0.654 params {'kernel': 'linear', 'nu': 0.2597620711308842, 'probability': False}
Epoch : 309: f1_weighted Score 0.436 params {'kernel': 'linear', 'nu': 0.00018333011011514383, 'probability': True}
Epoch : 310: f1_weighted Score 0.718 params {'kernel': 'rbf', 'nu': 0.1293048403031675, 'probability': False}
Epoch : 311: f1_weighted Score 0.510 params {'kernel': 'sigmoid', 'nu': 0.214992522755805, 'probability': True}
Epoch : 312: f1_weighted Score 0.684 params {'kernel': 'rbf', 'nu': 0.08150529430256673, 'probability': True}
Epoch : 313: f1_weighted Score 0.391 params {'kernel': 'poly', 'nu': 0.004126876201830234, 'probability': True}
Epoch : 314: f1_weighted Score 0.674 params {'kernel': 'linear', 'nu': 0.28218337284329803, 'probability': True}
Epoch : 315: f1_weighted Score 0.468 params {'kernel': 'linear', 'nu': 0.011120501122582616, 'probability': False}
Epoch : 316: f1_weighted Score 0.812 params {'kernel': 'rbf', 'nu': 0.477334171771369, 'probability': True}
Epoch : 317: f1_weighted Score 0.714 params {'kernel': 'rbf', 'nu': 0.15284165203580816, 'probability': True}
Epoch : 318: f1_weighted Score 0.432 params {'kernel': 'linear', 'nu': 0.03868728420438171, 'probability': False}
Epoch : 319: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5789916989673836, 'probability': False}
Epoch : 320: f1_weighted Score 0.441 params {'kernel': 'linear', 'nu': 0.000276251240766684, 'probability': True}
Epoch : 321: f1_weighted Score 0.503 params {'kernel': 'sigmoid', 'nu': 0.0551764139178013, 'probability': True}
Epoch : 322: f1_weighted Score 0.812 params {'kernel': 'poly', 'nu': 0.3770787776848543, 'probability': False}
Epoch : 323: f1_weighted Score 0.690 params {'kernel': 'poly', 'nu': 0.02697065753012693, 'probability': False}
Epoch : 324: f1_weighted Score 0.432 params {'kernel': 'linear', 'nu': 0.11031324373606086, 'probability': True}
Epoch : 325: f1_weighted Score 0.529 params {'kernel': 'linear', 'nu': 0.19463293979570853, 'probability': True}
Epoch : 326: f1_weighted Score 0.449 params {'kernel': 'poly', 'nu': 0.0029520375380163773, 'probability': False}
Epoch : 327: f1_weighted Score 0.772 params {'kernel': 'rbf', 'nu': 0.2922961253414101, 'probability': True}
Epoch : 328: f1_weighted Score 0.511 params {'kernel': 'sigmoid', 'nu': 0.06945560077435628, 'probability': False}
Epoch : 329: f1_weighted Score 0.812 params {'kernel': 'rbf', 'nu': 0.455199318682777, 'probability': False}
Epoch : 330: f1_weighted Score 0.723 params {'kernel': 'rbf', 'nu': 0.16223019865924848, 'probability': False}
Epoch : 331: f1_weighted Score 0.687 params {'kernel': 'rbf', 'nu': 0.08634502957673078, 'probability': True}
Epoch : 332: f1_weighted Score 0.510 params {'kernel': 'sigmoid', 'nu': 0.04378101232504975, 'probability': False}
Epoch : 333: f1_weighted Score 0.519 params {'kernel': 'rbf', 'nu': 0.007893204919829732, 'probability': False}
Epoch : 334: f1_weighted Score 0.622 params {'kernel': 'rbf', 'nu': 0.019665087977441178, 'probability': False}
Epoch : 335: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5844750561526958, 'probability': True}
Epoch : 336: f1_weighted Score 0.453 params {'kernel': 'sigmoid', 'nu': 0.3511475996560917, 'probability': True}
Epoch : 337: f1_weighted Score 0.753 params {'kernel': 'poly', 'nu': 0.21718470096346332, 'probability': False}
Epoch : 338: f1_weighted Score 0.445 params {'kernel': 'linear', 'nu': 0.11798580486586663, 'probability': False}
Epoch : 339: f1_weighted Score 0.622 params {'kernel': 'rbf', 'nu': 0.014073749480434987, 'probability': True}
Epoch : 340: f1_weighted Score 0.488 params {'kernel': 'sigmoid', 'nu': 0.005056489826679397, 'probability': False}
Epoch : 341: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.582719642213683, 'probability': True}
Epoch : 342: f1_weighted Score 0.439 params {'kernel': 'linear', 'nu': 0.053133071867341695, 'probability': True}
Epoch : 343: f1_weighted Score 0.812 params {'kernel': 'rbf', 'nu': 0.4091915876080376, 'probability': False}
Epoch : 344: f1_weighted Score 0.516 params {'kernel': 'linear', 'nu': 2.112110359508911e-06, 'probability': False}
Epoch : 345: f1_weighted Score 0.775 params {'kernel': 'rbf', 'nu': 0.26133653421251357, 'probability': True}
Epoch : 346: f1_weighted Score 0.508 params {'kernel': 'linear', 'nu': 0.0961105019349899, 'probability': False}
Epoch : 347: f1_weighted Score 0.502 params {'kernel': 'linear', 'nu': 0.1571773181090072, 'probability': True}
Epoch : 348: f1_weighted Score 0.661 params {'kernel': 'poly', 'nu': 0.06237799905535835, 'probability': False}
Epoch : 349: f1_weighted Score 0.609 params {'kernel': 'linear', 'nu': 0.23700199486338555, 'probability': True}
Epoch : 350: f1_weighted Score 0.486 params {'kernel': 'sigmoid', 'nu': 4.54605606696362e-05, 'probability': True}
Epoch : 351: f1_weighted Score 0.678 params {'kernel': 'rbf', 'nu': 0.036250279310340416, 'probability': False}
Epoch : 352: f1_weighted Score 0.467 params {'kernel': 'linear', 'nu': 0.001469435885786357, 'probability': False}
Epoch : 353: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5846093955477367, 'probability': True}
Epoch : 354: f1_weighted Score 0.812 params {'kernel': 'poly', 'nu': 0.4360888450947853, 'probability': False}
Epoch : 355: f1_weighted Score 0.458 params {'kernel': 'poly', 'nu': 7.51520110405138e-05, 'probability': False}
Epoch : 356: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5898789903048431, 'probability': True}
Epoch : 357: f1_weighted Score 0.704 params {'kernel': 'linear', 'nu': 0.29537973062743594, 'probability': True}
Epoch : 358: f1_weighted Score 0.494 params {'kernel': 'linear', 'nu': 0.17216733253136432, 'probability': False}
Epoch : 359: f1_weighted Score 0.706 params {'kernel': 'rbf', 'nu': 0.12095099813274696, 'probability': True}
Epoch : 360: f1_weighted Score 0.444 params {'kernel': 'linear', 'nu': 0.026874933556147403, 'probability': True}
Epoch : 361: f1_weighted Score 0.812 params {'kernel': 'poly', 'nu': 0.37415460266339357, 'probability': True}
Epoch : 362: f1_weighted Score 0.800 params {'kernel': 'poly', 'nu': 0.34223087846193545, 'probability': True}
Epoch : 363: f1_weighted Score 0.539 params {'kernel': 'linear', 'nu': 0.19595491474498325, 'probability': True}
Epoch : 364: f1_weighted Score 0.680 params {'kernel': 'rbf', 'nu': 0.09778898381059033, 'probability': False}
Epoch : 365: f1_weighted Score 0.653 params {'kernel': 'rbf', 'nu': 0.07363900128519528, 'probability': False}
Epoch : 366: f1_weighted Score 0.670 params {'kernel': 'poly', 'nu': 0.03512673219952892, 'probability': True}
Epoch : 367: f1_weighted Score 0.700 params {'kernel': 'poly', 'nu': 0.14768304980891606, 'probability': False}
Epoch : 368: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5998693395001587, 'probability': True}
Epoch : 369: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5905947794305777, 'probability': True}
Epoch : 370: f1_weighted Score 0.674 params {'kernel': 'rbf', 'nu': 0.053983636552206414, 'probability': True}
Epoch : 371: f1_weighted Score 0.492 params {'kernel': 'sigmoid', 'nu': 0.020479277599648786, 'probability': True}
Epoch : 372: f1_weighted Score 0.812 params {'kernel': 'poly', 'nu': 0.43429722128914666, 'probability': False}
Epoch : 373: f1_weighted Score 0.666 params {'kernel': 'poly', 'nu': 0.012671266849866894, 'probability': False}
Epoch : 374: f1_weighted Score 0.660 params {'kernel': 'linear', 'nu': 0.25667426542252886, 'probability': True}
Epoch : 375: f1_weighted Score 0.578 params {'kernel': 'linear', 'nu': 0.19944754778474513, 'probability': False}
Epoch : 376: f1_weighted Score 0.488 params {'kernel': 'sigmoid', 'nu': 0.006372061128713621, 'probability': True}
Epoch : 377: f1_weighted Score 0.386 params {'kernel': 'linear', 'nu': 0.0010595117823387957, 'probability': True}
Epoch : 378: f1_weighted Score 0.375 params {'kernel': 'linear', 'nu': 0.12298614374380547, 'probability': False}
Epoch : 379: f1_weighted Score 0.812 params {'kernel': 'rbf', 'nu': 0.47342061888233483, 'probability': False}
Epoch : 380: f1_weighted Score 0.414 params {'kernel': 'linear', 'nu': 0.04215079916041794, 'probability': False}
Epoch : 381: f1_weighted Score 0.496 params {'kernel': 'linear', 'nu': 7.995392835832725e-06, 'probability': True}
Epoch : 382: f1_weighted Score 0.484 params {'kernel': 'sigmoid', 'nu': 0.002187878722781339, 'probability': True}
Epoch : 383: f1_weighted Score 0.793 params {'kernel': 'rbf', 'nu': 0.3343270348783959, 'probability': False}
Epoch : 384: f1_weighted Score 0.445 params {'kernel': 'linear', 'nu': 0.08903740336095475, 'probability': True}
Epoch : 385: f1_weighted Score 0.361 params {'kernel': 'linear', 'nu': 0.0007080514553806611, 'probability': True}
Epoch : 386: f1_weighted Score 0.673 params {'kernel': 'poly', 'nu': 0.06944633268257444, 'probability': True}
Epoch : 387: f1_weighted Score 0.566 params {'kernel': 'linear', 'nu': 0.24303022144679398, 'probability': True}
Epoch : 388: f1_weighted Score 0.399 params {'kernel': 'linear', 'nu': 0.009715788743170249, 'probability': False}
Epoch : 389: f1_weighted Score 0.812 params {'kernel': 'rbf', 'nu': 0.49385030599514784, 'probability': True}
Epoch : 390: f1_weighted Score 0.714 params {'kernel': 'rbf', 'nu': 0.13465598622943645, 'probability': True}
Epoch : 391: f1_weighted Score 0.731 params {'kernel': 'poly', 'nu': 0.5946173462143114, 'probability': True}
Epoch : 392: f1_weighted Score 0.564 params {'kernel': 'linear', 'nu': 0.1747996436537627, 'probability': False}
Epoch : 393: f1_weighted Score 0.381 params {'kernel': 'linear', 'nu': 0.0005228131505037171, 'probability': False}
Epoch : 394: f1_weighted Score 0.456 params {'kernel': 'linear', 'nu': 0.0001282201246725329, 'probability': False}
Epoch : 395: f1_weighted Score 0.697 params {'kernel': 'poly', 'nu': 0.02910103028326656, 'probability': False}
Epoch : 396: f1_weighted Score 0.522 params {'kernel': 'sigmoid', 'nu': 0.4346207544674525, 'probability': True}
Epoch : 397: f1_weighted Score 0.414 params {'kernel': 'linear', 'nu': 0.0036556145501561795, 'probability': True}
Epoch : 398: f1_weighted Score 0.455 params {'kernel': 'linear', 'nu': 1.743475574985603e-05, 'probability': False}
Epoch : 399: f1_weighted Score 0.734 params {'kernel': 'linear', 'nu': 0.3072902472011857, 'probability': True}
Epoch : 400: f1_weighted Score 0.655 params {'kernel': 'poly', 'nu': 0.05441364832361724, 'probability': True}
Epoch : 401: f1_weighted Score 0.568 params {'kernel': 'linear', 'nu': 0.21634755164105493, 'probability': True}
Epoch : 402: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5854199933600795, 'probability': False}
Epoch : 403: f1_weighted Score 0.805 params {'kernel': 'rbf', 'nu': 0.34886222380763204, 'probability': True}
Epoch : 404: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.4389926030509875, 'probability': False}
Epoch : 405: f1_weighted Score 0.406 params {'kernel': 'linear', 'nu': 0.1022024261641707, 'probability': True}
Epoch : 406: f1_weighted Score 0.651 params {'kernel': 'linear', 'nu': 0.27453862644603794, 'probability': False}
Epoch : 407: f1_weighted Score 0.719 params {'kernel': 'rbf', 'nu': 0.15266612901629042, 'probability': True}
Epoch : 408: f1_weighted Score 0.745 params {'kernel': 'linear', 'nu': 0.33689757619234373, 'probability': False}
Epoch : 409: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5959573145098215, 'probability': False}
Epoch : 410: f1_weighted Score 0.532 params {'kernel': 'linear', 'nu': 0.19994097314991885, 'probability': True}
Epoch : 411: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.44872229505382644, 'probability': True}
Epoch : 412: f1_weighted Score 0.812 params {'kernel': 'rbf', 'nu': 0.478237480031922, 'probability': True}
Epoch : 413: f1_weighted Score 0.769 params {'kernel': 'rbf', 'nu': 0.2549061642164284, 'probability': True}
Epoch : 414: f1_weighted Score 0.707 params {'kernel': 'rbf', 'nu': 0.13167186452462518, 'probability': False}
Epoch : 415: f1_weighted Score 0.738 params {'kernel': 'linear', 'nu': 0.29541650108181383, 'probability': True}
Epoch : 416: f1_weighted Score 0.498 params {'kernel': 'linear', 'nu': 0.1933017774034422, 'probability': True}
Epoch : 417: f1_weighted Score 0.429 params {'kernel': 'linear', 'nu': 0.0820913880958966, 'probability': True}
Epoch : 418: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.39878400362575633, 'probability': False}
Epoch : 419: f1_weighted Score 0.506 params {'kernel': 'linear', 'nu': 0.10893613797140808, 'probability': False}
Epoch : 420: f1_weighted Score 0.489 params {'kernel': 'linear', 'nu': 0.1464658941578518, 'probability': True}
Epoch : 421: f1_weighted Score 0.761 params {'kernel': 'poly', 'nu': 0.21593115050621375, 'probability': True}
Epoch : 422: f1_weighted Score 0.800 params {'kernel': 'poly', 'nu': 0.338690072897333, 'probability': False}
Epoch : 423: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5969582439053176, 'probability': True}
Epoch : 424: f1_weighted Score 0.675 params {'kernel': 'rbf', 'nu': 0.06847658533217577, 'probability': True}
Epoch : 425: f1_weighted Score 0.612 params {'kernel': 'linear', 'nu': 0.2585621322552781, 'probability': True}
Epoch : 426: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5907783938030061, 'probability': False}
Epoch : 427: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5829098553070338, 'probability': False}
Epoch : 428: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.37687006563008824, 'probability': True}
Epoch : 429: f1_weighted Score 0.483 params {'kernel': 'linear', 'nu': 0.1703264267194444, 'probability': True}
Epoch : 430: f1_weighted Score 0.672 params {'kernel': 'poly', 'nu': 0.090679196706728, 'probability': False}
Epoch : 431: f1_weighted Score 0.635 params {'kernel': 'poly', 'nu': 0.0445048610904137, 'probability': True}
Epoch : 432: f1_weighted Score 0.430 params {'kernel': 'linear', 'nu': 0.11803742255985634, 'probability': True}
Epoch : 433: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.4002844065826873, 'probability': False}
Epoch : 434: f1_weighted Score 0.459 params {'kernel': 'rbf', 'nu': 3.1699187084416383e-06, 'probability': False}
Epoch : 435: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5014173736076083, 'probability': False}
Epoch : 436: f1_weighted Score 0.513 params {'kernel': 'sigmoid', 'nu': 1.4165169158198919e-06, 'probability': True}
Epoch : 437: f1_weighted Score 0.679 params {'kernel': 'linear', 'nu': 0.27338276718135623, 'probability': True}
Epoch : 438: f1_weighted Score 0.812 params {'kernel': 'rbf', 'nu': 0.46354415766597457, 'probability': True}
Epoch : 439: f1_weighted Score 0.714 params {'kernel': 'poly', 'nu': 0.1728046292214839, 'probability': True}
Epoch : 440: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.597926148126109, 'probability': True}
Epoch : 441: f1_weighted Score 0.564 params {'kernel': 'linear', 'nu': 0.2243606722757544, 'probability': True}
Epoch : 442: f1_weighted Score 0.641 params {'kernel': 'poly', 'nu': 0.05596016000425591, 'probability': False}
Epoch : 443: f1_weighted Score 0.510 params {'kernel': 'rbf', 'nu': 4.677394522012418e-06, 'probability': True}
Epoch : 444: f1_weighted Score 0.687 params {'kernel': 'linear', 'nu': 0.31295417853891655, 'probability': False}
Epoch : 445: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5834417878762709, 'probability': True}
Epoch : 446: f1_weighted Score 0.681 params {'kernel': 'rbf', 'nu': 0.07902707325180432, 'probability': True}
Epoch : 447: f1_weighted Score 0.703 params {'kernel': 'poly', 'nu': 0.11142626019808288, 'probability': False}
Epoch : 448: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5996527528834095, 'probability': True}
Epoch : 449: f1_weighted Score 0.633 params {'kernel': 'linear', 'nu': 0.23048395539608868, 'probability': True}
Epoch : 450: f1_weighted Score 0.511 params {'kernel': 'sigmoid', 'nu': 0.042269366271031485, 'probability': False}
Epoch : 451: f1_weighted Score 0.678 params {'kernel': 'poly', 'nu': 0.13348958862786792, 'probability': False}
Epoch : 452: f1_weighted Score 0.707 params {'kernel': 'rbf', 'nu': 0.15717036100575454, 'probability': True}
Epoch : 453: f1_weighted Score 0.673 params {'kernel': 'rbf', 'nu': 0.018920548874745986, 'probability': True}
Epoch : 454: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.5979186333277899, 'probability': True}
Epoch : 455: f1_weighted Score 0.494 params {'kernel': 'linear', 'nu': 3.6662484091878775e-05, 'probability': False}
Epoch : 456: f1_weighted Score 0.812 params {'kernel': 'rbf', 'nu': 0.471536362788896, 'probability': True}
Epoch : 457: f1_weighted Score 0.797 params {'kernel': 'rbf', 'nu': 0.33828030502885037, 'probability': True}
Epoch : 458: f1_weighted Score 0.745 params {'kernel': 'poly', 'nu': 0.19510982195113205, 'probability': True}
Epoch : 459: f1_weighted Score 0.778 params {'kernel': 'poly', 'nu': 0.28930745709448663, 'probability': True}
Epoch : 460: f1_weighted Score 0.479 params {'kernel': 'linear', 'nu': 0.06803492204148082, 'probability': True}
Epoch : 461: f1_weighted Score 0.448 params {'kernel': 'linear', 'nu': 0.030066877379405724, 'probability': True}
Epoch : 462: f1_weighted Score 0.639 params {'kernel': 'rbf', 'nu': 0.02328176948056907, 'probability': False}
Epoch : 463: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.38372491334990644, 'probability': False}
Epoch : 464: f1_weighted Score 0.517 params {'kernel': 'sigmoid', 'nu': 0.09365684853843761, 'probability': False}
Epoch : 465: f1_weighted Score 0.436 params {'kernel': 'linear', 'nu': 0.12885488682887639, 'probability': False}
Epoch : 466: f1_weighted Score 0.658 params {'kernel': 'poly', 'nu': 0.05193593282587477, 'probability': False}
Epoch : 467: f1_weighted Score 0.758 params {'kernel': 'poly', 'nu': 0.24022625450808888, 'probability': False}
Epoch : 468: f1_weighted Score 0.416 params {'kernel': 'linear', 'nu': 0.15055269476904512, 'probability': True}
Epoch : 469: f1_weighted Score 0.433 params {'kernel': 'linear', 'nu': 0.014944439601285144, 'probability': True}
Epoch : 470: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.4638413630982211, 'probability': True}
Epoch : 471: f1_weighted Score 0.769 params {'kernel': 'linear', 'nu': 0.34063477534993725, 'probability': True}
Epoch : 472: f1_weighted Score 0.518 params {'kernel': 'linear', 'nu': 0.09613892540868528, 'probability': True}
Epoch : 473: f1_weighted Score 0.734 params {'kernel': 'poly', 'nu': 0.18588245106339404, 'probability': False}
Epoch : 474: f1_weighted Score 0.510 params {'kernel': 'sigmoid', 'nu': 0.03218608924573044, 'probability': True}
Epoch : 475: f1_weighted Score 0.731 params {'kernel': 'poly', 'nu': 0.5971200226389151, 'probability': True}
Epoch : 476: f1_weighted Score 0.497 params {'kernel': 'linear', 'nu': 0.06504894600257644, 'probability': True}
Epoch : 477: f1_weighted Score 0.654 params {'kernel': 'poly', 'nu': 0.03669474216815229, 'probability': False}
Epoch : 478: f1_weighted Score 0.451 params {'kernel': 'linear', 'nu': 0.00016917008444607525, 'probability': False}
Epoch : 479: f1_weighted Score 0.812 params {'kernel': 'rbf', 'nu': 0.3810706458270714, 'probability': True}
Epoch : 480: f1_weighted Score 0.608 params {'kernel': 'linear', 'nu': 0.2648208733407326, 'probability': False}
Epoch : 481: f1_weighted Score 0.809 params {'kernel': 'poly', 'nu': 0.3533447073923299, 'probability': True}
Epoch : 482: f1_weighted Score 0.484 params {'kernel': 'poly', 'nu': 1.0319680403564028e-06, 'probability': True}
Epoch : 483: f1_weighted Score 0.812 params {'kernel': 'rbf', 'nu': 0.460208081027073, 'probability': True}
Epoch : 484: f1_weighted Score 0.450 params {'kernel': 'linear', 'nu': 0.11196481966892718, 'probability': False}
Epoch : 485: f1_weighted Score 0.453 params {'kernel': 'linear', 'nu': 0.0003091240905593953, 'probability': True}
Epoch : 486: f1_weighted Score 0.509 params {'kernel': 'sigmoid', 'nu': 0.20285967954624845, 'probability': True}
Epoch : 487: f1_weighted Score 0.555 params {'kernel': 'linear', 'nu': 0.25895720018522284, 'probability': False}
Epoch : 488: f1_weighted Score 0.510 params {'kernel': 'rbf', 'nu': 1.335998317702994e-05, 'probability': True}
Epoch : 489: f1_weighted Score 0.444 params {'kernel': 'linear', 'nu': 0.15569850251878894, 'probability': False}
Epoch : 490: f1_weighted Score 0.450 params {'kernel': 'linear', 'nu': 0.08195739363390786, 'probability': True}
Epoch : 491: f1_weighted Score 0.665 params {'kernel': 'rbf', 'nu': 0.05023104923438951, 'probability': True}
Epoch : 492: f1_weighted Score 0.810 params {'kernel': 'rbf', 'nu': 0.5854610834819919, 'probability': True}
Epoch : 493: f1_weighted Score 0.653 params {'kernel': 'poly', 'nu': 0.08585980776171996, 'probability': False}
Epoch : 494: f1_weighted Score 0.812 params {'kernel': 'rbf', 'nu': 0.47477241193739983, 'probability': False}
Epoch : 495: f1_weighted Score 0.586 params {'kernel': 'linear', 'nu': 0.19522319914415287, 'probability': False}
Epoch : 496: f1_weighted Score 0.706 params {'kernel': 'linear', 'nu': 0.30570667192587947, 'probability': False}
Epoch : 497: f1_weighted Score 0.812 params {'kernel': 'linear', 'nu': 0.4897191297095199, 'probability': False}
Epoch : 498: f1_weighted Score 0.542 params {'kernel': 'linear', 'nu': 0.1409807847332466, 'probability': True}
Epoch : 499: f1_weighted Score 0.812 params {'kernel': 'poly', 'nu': 0.3776621646726173, 'probability': True}
Epoch : 500: f1_weighted Score 0.695 params {'kernel': 'poly', 'nu': 0.11724410486173763, 'probability': True}
the best option is: {'kernel': 'linear', 'nu': 0.40575685950971435, 'probability': True}
Cooresponding loss:
0.812312824990272
In [243]:
LR_space = {
    'C': hp.uniform('C',0,20),
}
LR = Bayesian_Optimizer(clf=linear_model.LogisticRegression, param_space=LR_space, max_eval=300)
LR.HP_optimization()
Epoch : 1: f1_weighted Score 0.812 params {'C': 16.74016055987566}
Epoch : 2: f1_weighted Score 0.812 params {'C': 16.798093766300518}
Epoch : 3: f1_weighted Score 0.812 params {'C': 15.425959633849464}
Epoch : 4: f1_weighted Score 0.812 params {'C': 2.489283005319509}
Epoch : 5: f1_weighted Score 0.812 params {'C': 5.2439459977601715}
Epoch : 6: f1_weighted Score 0.812 params {'C': 4.115074582572151}
Epoch : 7: f1_weighted Score 0.812 params {'C': 5.240591012288713}
Epoch : 8: f1_weighted Score 0.812 params {'C': 6.536793760352692}
Epoch : 9: f1_weighted Score 0.812 params {'C': 7.401176756212093}
Epoch : 10: f1_weighted Score 0.812 params {'C': 7.512424849518222}
Epoch : 11: f1_weighted Score 0.812 params {'C': 15.191036320437837}
Epoch : 12: f1_weighted Score 0.812 params {'C': 16.614854181859837}
Epoch : 13: f1_weighted Score 0.812 params {'C': 6.626458361237915}
Epoch : 14: f1_weighted Score 0.812 params {'C': 18.234080175364905}
Epoch : 15: f1_weighted Score 0.812 params {'C': 13.181434563062574}
Epoch : 16: f1_weighted Score 0.812 params {'C': 4.303492841753753}
Epoch : 17: f1_weighted Score 0.812 params {'C': 1.8626253858683572}
Epoch : 18: f1_weighted Score 0.812 params {'C': 5.256243048218203}
Epoch : 19: f1_weighted Score 0.812 params {'C': 9.86715731520594}
Epoch : 20: f1_weighted Score 0.812 params {'C': 11.35846204920613}
Epoch : 21: f1_weighted Score 0.812 params {'C': 0.4442512227671731}
Epoch : 22: f1_weighted Score 0.812 params {'C': 10.388050760317226}
Epoch : 23: f1_weighted Score 0.812 params {'C': 12.668800209923074}
Epoch : 24: f1_weighted Score 0.812 params {'C': 18.960159290767322}
Epoch : 25: f1_weighted Score 0.812 params {'C': 9.380337635995186}
Epoch : 26: f1_weighted Score 0.812 params {'C': 13.036865988892089}
Epoch : 27: f1_weighted Score 0.812 params {'C': 19.730684201053297}
Epoch : 28: f1_weighted Score 0.812 params {'C': 8.995726562302025}
Epoch : 29: f1_weighted Score 0.812 params {'C': 14.865911603650275}
Epoch : 30: f1_weighted Score 0.812 params {'C': 19.895588492416596}
Epoch : 31: f1_weighted Score 0.812 params {'C': 8.369506092194124}
Epoch : 32: f1_weighted Score 0.812 params {'C': 14.789210092636262}
Epoch : 33: f1_weighted Score 0.812 params {'C': 17.458658294183618}
Epoch : 34: f1_weighted Score 0.812 params {'C': 11.419696557548265}
Epoch : 35: f1_weighted Score 0.812 params {'C': 16.470995881729195}
Epoch : 36: f1_weighted Score 0.812 params {'C': 11.541558286824635}
Epoch : 37: f1_weighted Score 0.812 params {'C': 0.9317341855371744}
Epoch : 38: f1_weighted Score 0.812 params {'C': 3.6654101902501335}
Epoch : 39: f1_weighted Score 0.812 params {'C': 13.786641159111866}
Epoch : 40: f1_weighted Score 0.812 params {'C': 10.752900956322875}
Epoch : 41: f1_weighted Score 0.812 params {'C': 12.615777718809333}
Epoch : 42: f1_weighted Score 0.812 params {'C': 16.370780706221936}
Epoch : 43: f1_weighted Score 0.812 params {'C': 18.81286243035775}
Epoch : 44: f1_weighted Score 0.812 params {'C': 18.83458701730192}
Epoch : 45: f1_weighted Score 0.812 params {'C': 9.210620871493749}
Epoch : 46: f1_weighted Score 0.812 params {'C': 6.37980393819339}
Epoch : 47: f1_weighted Score 0.812 params {'C': 14.162014977063434}
Epoch : 48: f1_weighted Score 0.812 params {'C': 17.594856722278713}
Epoch : 49: f1_weighted Score 0.812 params {'C': 19.884417257262793}
Epoch : 50: f1_weighted Score 0.812 params {'C': 15.80031767039868}
Epoch : 51: f1_weighted Score 0.812 params {'C': 8.168448128063538}
Epoch : 52: f1_weighted Score 0.812 params {'C': 5.942802030924421}
Epoch : 53: f1_weighted Score 0.812 params {'C': 15.574780509352063}
Epoch : 54: f1_weighted Score 0.812 params {'C': 17.47481028593046}
Epoch : 55: f1_weighted Score 0.812 params {'C': 19.554925115762597}
Epoch : 56: f1_weighted Score 0.812 params {'C': 18.12522055481615}
Epoch : 57: f1_weighted Score 0.812 params {'C': 2.971518959788468}
Epoch : 58: f1_weighted Score 0.812 params {'C': 7.593487602919193}
Epoch : 59: f1_weighted Score 0.812 params {'C': 14.652270430405313}
Epoch : 60: f1_weighted Score 0.812 params {'C': 11.970575720902225}
Epoch : 61: f1_weighted Score 0.812 params {'C': 17.078488694222322}
Epoch : 62: f1_weighted Score 0.812 params {'C': 14.010312172083625}
Epoch : 63: f1_weighted Score 0.812 params {'C': 10.343937397406451}
Epoch : 64: f1_weighted Score 0.812 params {'C': 12.064143961840383}
Epoch : 65: f1_weighted Score 0.812 params {'C': 16.370280522528535}
Epoch : 66: f1_weighted Score 0.812 params {'C': 15.890940248256348}
Epoch : 67: f1_weighted Score 0.812 params {'C': 1.4030488710055014}
Epoch : 68: f1_weighted Score 0.810 params {'C': 0.07673361963862557}
Epoch : 69: f1_weighted Score 0.812 params {'C': 3.4459920326030815}
Epoch : 70: f1_weighted Score 0.812 params {'C': 13.536560394163033}
Epoch : 71: f1_weighted Score 0.812 params {'C': 1.8072286067140966}
Epoch : 72: f1_weighted Score 0.812 params {'C': 4.810379704909006}
Epoch : 73: f1_weighted Score 0.812 params {'C': 7.016157478233392}
Epoch : 74: f1_weighted Score 0.812 params {'C': 6.190538159728324}
Epoch : 75: f1_weighted Score 0.812 params {'C': 7.846540091621909}
Epoch : 76: f1_weighted Score 0.812 params {'C': 5.638644513296437}
Epoch : 77: f1_weighted Score 0.812 params {'C': 18.208524990371497}
Epoch : 78: f1_weighted Score 0.812 params {'C': 19.36129448361033}
Epoch : 79: f1_weighted Score 0.812 params {'C': 17.618042392485133}
Epoch : 80: f1_weighted Score 0.812 params {'C': 18.357095945022188}
Epoch : 81: f1_weighted Score 0.812 params {'C': 2.2892917117722615}
Epoch : 82: f1_weighted Score 0.812 params {'C': 3.3179649511682894}
Epoch : 83: f1_weighted Score 0.812 params {'C': 2.939854555986245}
Epoch : 84: f1_weighted Score 0.812 params {'C': 9.815098385362166}
Epoch : 85: f1_weighted Score 0.812 params {'C': 14.627459401091082}
Epoch : 86: f1_weighted Score 0.812 params {'C': 16.969302315517194}
Epoch : 87: f1_weighted Score 0.812 params {'C': 12.209808687630575}
Epoch : 88: f1_weighted Score 0.812 params {'C': 13.9571694538377}
Epoch : 89: f1_weighted Score 0.812 params {'C': 10.42799444584163}
Epoch : 90: f1_weighted Score 0.812 params {'C': 8.631628980965564}
Epoch : 91: f1_weighted Score 0.812 params {'C': 10.942411413800418}
Epoch : 92: f1_weighted Score 0.812 params {'C': 15.127471247522935}
Epoch : 93: f1_weighted Score 0.812 params {'C': 15.954279340720342}
Epoch : 94: f1_weighted Score 0.812 params {'C': 15.281727315051214}
Epoch : 95: f1_weighted Score 0.812 params {'C': 13.011189067336117}
Epoch : 96: f1_weighted Score 0.812 params {'C': 4.51033803832548}
Epoch : 97: f1_weighted Score 0.812 params {'C': 12.839725049420478}
Epoch : 98: f1_weighted Score 0.812 params {'C': 13.276340676325978}
Epoch : 99: f1_weighted Score 0.812 params {'C': 14.293550209124225}
Epoch : 100: f1_weighted Score 0.812 params {'C': 4.5422709646905135}
Epoch : 101: f1_weighted Score 0.812 params {'C': 6.978291257247097}
Epoch : 102: f1_weighted Score 0.812 params {'C': 6.812103486193902}
Epoch : 103: f1_weighted Score 0.812 params {'C': 4.02615266710047}
Epoch : 104: f1_weighted Score 0.812 params {'C': 7.964473260242361}
Epoch : 105: f1_weighted Score 0.812 params {'C': 9.509536338283782}
Epoch : 106: f1_weighted Score 0.812 params {'C': 5.747393317509069}
Epoch : 107: f1_weighted Score 0.812 params {'C': 5.2088900947334755}
Epoch : 108: f1_weighted Score 0.812 params {'C': 19.29226980124374}
Epoch : 109: f1_weighted Score 0.812 params {'C': 18.645816191242957}
Epoch : 110: f1_weighted Score 0.812 params {'C': 17.81275193160602}
Epoch : 111: f1_weighted Score 0.812 params {'C': 18.383305419335247}
Epoch : 112: f1_weighted Score 0.812 params {'C': 0.2890670526037802}
Epoch : 113: f1_weighted Score 0.812 params {'C': 2.297899700128344}
Epoch : 114: f1_weighted Score 0.812 params {'C': 3.5241810190344434}
Epoch : 115: f1_weighted Score 0.812 params {'C': 1.461439995524876}
Epoch : 116: f1_weighted Score 0.812 params {'C': 9.687942334928401}
Epoch : 117: f1_weighted Score 0.812 params {'C': 11.04997321826011}
Epoch : 118: f1_weighted Score 0.812 params {'C': 16.92175245427843}
Epoch : 119: f1_weighted Score 0.812 params {'C': 17.123313267068564}
Epoch : 120: f1_weighted Score 0.812 params {'C': 16.56475764464972}
Epoch : 121: f1_weighted Score 0.812 params {'C': 11.410300234309819}
Epoch : 122: f1_weighted Score 0.812 params {'C': 12.349961728703438}
Epoch : 123: f1_weighted Score 0.812 params {'C': 10.149044401276365}
Epoch : 124: f1_weighted Score 0.812 params {'C': 8.897731266537917}
Epoch : 125: f1_weighted Score 0.812 params {'C': 8.576496046885381}
Epoch : 126: f1_weighted Score 0.812 params {'C': 15.026218899138165}
Epoch : 127: f1_weighted Score 0.812 params {'C': 11.713169229770696}
Epoch : 128: f1_weighted Score 0.812 params {'C': 15.951275463017517}
Epoch : 129: f1_weighted Score 0.812 params {'C': 15.466893137449787}
Epoch : 130: f1_weighted Score 0.812 params {'C': 12.65972560157162}
Epoch : 131: f1_weighted Score 0.812 params {'C': 13.242797048054452}
Epoch : 132: f1_weighted Score 0.812 params {'C': 0.5858805785313899}
Epoch : 133: f1_weighted Score 0.812 params {'C': 13.579971483244996}
Epoch : 134: f1_weighted Score 0.812 params {'C': 13.293167838137759}
Epoch : 135: f1_weighted Score 0.812 params {'C': 14.473158187156184}
Epoch : 136: f1_weighted Score 0.812 params {'C': 14.520424352802738}
Epoch : 137: f1_weighted Score 0.812 params {'C': 9.221515533727466}
Epoch : 138: f1_weighted Score 0.812 params {'C': 16.313555455826872}
Epoch : 139: f1_weighted Score 0.812 params {'C': 7.148919332149188}
Epoch : 140: f1_weighted Score 0.812 params {'C': 7.01758934119459}
Epoch : 141: f1_weighted Score 0.812 params {'C': 5.433278190708585}
Epoch : 142: f1_weighted Score 0.812 params {'C': 6.560603072061939}
Epoch : 143: f1_weighted Score 0.812 params {'C': 3.9854121662422246}
Epoch : 144: f1_weighted Score 0.812 params {'C': 19.093004863441394}
Epoch : 145: f1_weighted Score 0.812 params {'C': 17.950642203383083}
Epoch : 146: f1_weighted Score 0.812 params {'C': 15.737194859534709}
Epoch : 147: f1_weighted Score 0.812 params {'C': 13.93809731817906}
Epoch : 148: f1_weighted Score 0.812 params {'C': 10.573346431188211}
Epoch : 149: f1_weighted Score 0.812 params {'C': 12.946498109050287}
Epoch : 150: f1_weighted Score 0.812 params {'C': 11.107806401922264}
Epoch : 151: f1_weighted Score 0.812 params {'C': 14.24118809527711}
Epoch : 152: f1_weighted Score 0.812 params {'C': 11.961607866063169}
Epoch : 153: f1_weighted Score 0.812 params {'C': 17.444385898861697}
Epoch : 154: f1_weighted Score 0.812 params {'C': 14.852187628813269}
Epoch : 155: f1_weighted Score 0.812 params {'C': 4.825617272563935}
Epoch : 156: f1_weighted Score 0.812 params {'C': 4.8147476370971765}
Epoch : 157: f1_weighted Score 0.812 params {'C': 6.133399701902521}
Epoch : 158: f1_weighted Score 0.812 params {'C': 4.12054024833467}
Epoch : 159: f1_weighted Score 0.812 params {'C': 7.565385523548339}
Epoch : 160: f1_weighted Score 0.812 params {'C': 7.85065209961266}
Epoch : 161: f1_weighted Score 0.812 params {'C': 9.578653392534015}
Epoch : 162: f1_weighted Score 0.812 params {'C': 7.885750277609699}
Epoch : 163: f1_weighted Score 0.812 params {'C': 5.8126494263003385}
Epoch : 164: f1_weighted Score 0.812 params {'C': 3.0198230094560294}
Epoch : 165: f1_weighted Score 0.812 params {'C': 2.0100171496405252}
Epoch : 166: f1_weighted Score 0.812 params {'C': 19.933885329173506}
Epoch : 167: f1_weighted Score 0.812 params {'C': 18.726213535143067}
Epoch : 168: f1_weighted Score 0.812 params {'C': 19.93046645854552}
Epoch : 169: f1_weighted Score 0.812 params {'C': 17.976208595414246}
Epoch : 170: f1_weighted Score 0.812 params {'C': 19.22291466546908}
Epoch : 171: f1_weighted Score 0.812 params {'C': 18.409763244715634}
Epoch : 172: f1_weighted Score 0.812 params {'C': 19.587864758992836}
Epoch : 173: f1_weighted Score 0.812 params {'C': 0.4194462268702956}
Epoch : 174: f1_weighted Score 0.812 params {'C': 1.0939853103608304}
Epoch : 175: f1_weighted Score 0.812 params {'C': 2.3275977484851627}
Epoch : 176: f1_weighted Score 0.812 params {'C': 2.7360565513952935}
Epoch : 177: f1_weighted Score 0.812 params {'C': 1.5071589822993536}
Epoch : 178: f1_weighted Score 0.812 params {'C': 3.4624171312522547}
Epoch : 179: f1_weighted Score 0.812 params {'C': 0.790924356476144}
Epoch : 180: f1_weighted Score 0.812 params {'C': 8.603771806418973}
Epoch : 181: f1_weighted Score 0.812 params {'C': 10.030208757264392}
Epoch : 182: f1_weighted Score 0.812 params {'C': 10.799741800403442}
Epoch : 183: f1_weighted Score 0.812 params {'C': 16.82004406301787}
Epoch : 184: f1_weighted Score 0.812 params {'C': 16.881524790804242}
Epoch : 185: f1_weighted Score 0.812 params {'C': 17.19989351824778}
Epoch : 186: f1_weighted Score 0.812 params {'C': 16.418926824142236}
Epoch : 187: f1_weighted Score 0.812 params {'C': 15.32932314853396}
Epoch : 188: f1_weighted Score 0.812 params {'C': 12.285907368091635}
Epoch : 189: f1_weighted Score 0.812 params {'C': 11.46952987104198}
Epoch : 190: f1_weighted Score 0.812 params {'C': 10.05649767946145}
Epoch : 191: f1_weighted Score 0.812 params {'C': 8.953890619438026}
Epoch : 192: f1_weighted Score 0.812 params {'C': 10.321946060479823}
Epoch : 193: f1_weighted Score 0.812 params {'C': 8.89335359918111}
Epoch : 194: f1_weighted Score 0.812 params {'C': 8.375171034509954}
Epoch : 195: f1_weighted Score 0.812 params {'C': 7.3047670662118245}
Epoch : 196: f1_weighted Score 0.812 params {'C': 13.661176703528877}
Epoch : 197: f1_weighted Score 0.812 params {'C': 16.121279900391762}
Epoch : 198: f1_weighted Score 0.812 params {'C': 11.868021744777199}
Epoch : 199: f1_weighted Score 0.812 params {'C': 15.532768649100369}
Epoch : 200: f1_weighted Score 0.812 params {'C': 15.70462841472212}
Epoch : 201: f1_weighted Score 0.812 params {'C': 17.41786329330493}
Epoch : 202: f1_weighted Score 0.812 params {'C': 12.831136788980464}
Epoch : 203: f1_weighted Score 0.812 params {'C': 12.648519565781076}
Epoch : 204: f1_weighted Score 0.812 params {'C': 13.53144190070763}
Epoch : 205: f1_weighted Score 0.812 params {'C': 13.185612938472559}
Epoch : 206: f1_weighted Score 0.812 params {'C': 15.05551558544895}
Epoch : 207: f1_weighted Score 0.812 params {'C': 13.927434506199312}
Epoch : 208: f1_weighted Score 0.812 params {'C': 14.385959644041396}
Epoch : 209: f1_weighted Score 0.812 params {'C': 14.756536928432272}
Epoch : 210: f1_weighted Score 0.812 params {'C': 13.575760666783845}
Epoch : 211: f1_weighted Score 0.812 params {'C': 14.350725633763439}
Epoch : 212: f1_weighted Score 0.812 params {'C': 11.251388985545827}
Epoch : 213: f1_weighted Score 0.812 params {'C': 16.53385212942428}
Epoch : 214: f1_weighted Score 0.812 params {'C': 16.098427595087255}
Epoch : 215: f1_weighted Score 0.812 params {'C': 9.460891839814423}
Epoch : 216: f1_weighted Score 0.812 params {'C': 6.333797666495872}
Epoch : 217: f1_weighted Score 0.812 params {'C': 7.308760171543611}
Epoch : 218: f1_weighted Score 0.812 params {'C': 7.193808142320071}
Epoch : 219: f1_weighted Score 0.812 params {'C': 5.524963566198245}
Epoch : 220: f1_weighted Score 0.812 params {'C': 5.148692801194543}
Epoch : 221: f1_weighted Score 0.812 params {'C': 3.759701008021473}
Epoch : 222: f1_weighted Score 0.812 params {'C': 6.554304544923653}
Epoch : 223: f1_weighted Score 0.812 params {'C': 4.26361847006546}
Epoch : 224: f1_weighted Score 0.812 params {'C': 3.8751719194301186}
Epoch : 225: f1_weighted Score 0.812 params {'C': 18.168445332428224}
Epoch : 226: f1_weighted Score 0.812 params {'C': 19.119787542075507}
Epoch : 227: f1_weighted Score 0.812 params {'C': 17.84680298873186}
Epoch : 228: f1_weighted Score 0.812 params {'C': 18.839960941174038}
Epoch : 229: f1_weighted Score 0.812 params {'C': 12.202681534399368}
Epoch : 230: f1_weighted Score 0.812 params {'C': 14.084320902535952}
Epoch : 231: f1_weighted Score 0.812 params {'C': 11.607733123641541}
Epoch : 232: f1_weighted Score 0.812 params {'C': 10.674849025423734}
Epoch : 233: f1_weighted Score 0.812 params {'C': 10.879872388194357}
Epoch : 234: f1_weighted Score 0.812 params {'C': 12.691424298117003}
Epoch : 235: f1_weighted Score 0.812 params {'C': 12.364200240306822}
Epoch : 236: f1_weighted Score 0.812 params {'C': 11.992078438947605}
Epoch : 237: f1_weighted Score 0.812 params {'C': 17.370674136542814}
Epoch : 238: f1_weighted Score 0.812 params {'C': 15.218973651894409}
Epoch : 239: f1_weighted Score 0.812 params {'C': 14.971987643153424}
Epoch : 240: f1_weighted Score 0.812 params {'C': 14.727341028674603}
Epoch : 241: f1_weighted Score 0.812 params {'C': 18.407127362642925}
Epoch : 242: f1_weighted Score 0.812 params {'C': 16.78226143089009}
Epoch : 243: f1_weighted Score 0.812 params {'C': 2.9146105225441543}
Epoch : 244: f1_weighted Score 0.812 params {'C': 6.2321318592155235}
Epoch : 245: f1_weighted Score 0.812 params {'C': 1.7209624816571742}
Epoch : 246: f1_weighted Score 0.812 params {'C': 4.898279959346167}
Epoch : 247: f1_weighted Score 0.812 params {'C': 5.268257179400609}
Epoch : 248: f1_weighted Score 0.812 params {'C': 8.162339999863008}
Epoch : 249: f1_weighted Score 0.812 params {'C': 4.4381272337044235}
Epoch : 250: f1_weighted Score 0.812 params {'C': 7.737273723389473}
Epoch : 251: f1_weighted Score 0.812 params {'C': 9.866321696591461}
Epoch : 252: f1_weighted Score 0.812 params {'C': 9.143989263099208}
Epoch : 253: f1_weighted Score 0.812 params {'C': 8.070524285217637}
Epoch : 254: f1_weighted Score 0.812 params {'C': 9.566154389625245}
Epoch : 255: f1_weighted Score 0.812 params {'C': 5.859566387191463}
Epoch : 256: f1_weighted Score 0.812 params {'C': 2.730307176153998}
Epoch : 257: f1_weighted Score 0.812 params {'C': 2.1285466948805443}
Epoch : 258: f1_weighted Score 0.812 params {'C': 0.14632852333352298}
Epoch : 259: f1_weighted Score 0.812 params {'C': 19.906814397344736}
Epoch : 260: f1_weighted Score 0.812 params {'C': 18.7781455938135}
Epoch : 261: f1_weighted Score 0.812 params {'C': 19.780430557255}
Epoch : 262: f1_weighted Score 0.812 params {'C': 19.678335665795764}
Epoch : 263: f1_weighted Score 0.812 params {'C': 19.194117059424897}
Epoch : 264: f1_weighted Score 0.812 params {'C': 17.85486568442338}
Epoch : 265: f1_weighted Score 0.812 params {'C': 19.288156185505127}
Epoch : 266: f1_weighted Score 0.812 params {'C': 18.195200484115542}
Epoch : 267: f1_weighted Score 0.812 params {'C': 19.4467695871975}
Epoch : 268: f1_weighted Score 0.812 params {'C': 19.885284428967395}
Epoch : 269: f1_weighted Score 0.812 params {'C': 1.103042254719801}
Epoch : 270: f1_weighted Score 0.812 params {'C': 0.6023009320693122}
Epoch : 271: f1_weighted Score 0.812 params {'C': 0.19996264447274026}
Epoch : 272: f1_weighted Score 0.812 params {'C': 0.9209998876886001}
Epoch : 273: f1_weighted Score 0.812 params {'C': 2.444367898225673}
Epoch : 274: f1_weighted Score 0.812 params {'C': 1.373962608927251}
Epoch : 275: f1_weighted Score 0.812 params {'C': 1.6291273873695702}
Epoch : 276: f1_weighted Score 0.812 params {'C': 3.3840104639559887}
Epoch : 277: f1_weighted Score 0.812 params {'C': 3.244812634622883}
Epoch : 278: f1_weighted Score 0.812 params {'C': 1.890116791291147}
Epoch : 279: f1_weighted Score 0.812 params {'C': 0.7653828903527665}
Epoch : 280: f1_weighted Score 0.812 params {'C': 3.567086210811964}
Epoch : 281: f1_weighted Score 0.812 params {'C': 8.462999295233463}
Epoch : 282: f1_weighted Score 0.812 params {'C': 4.527595183960998}
Epoch : 283: f1_weighted Score 0.812 params {'C': 10.680966559469509}
Epoch : 284: f1_weighted Score 0.812 params {'C': 8.61796060781338}
Epoch : 285: f1_weighted Score 0.812 params {'C': 17.194229821538087}
Epoch : 286: f1_weighted Score 0.812 params {'C': 15.829898714729131}
Epoch : 287: f1_weighted Score 0.812 params {'C': 16.947179361952784}
Epoch : 288: f1_weighted Score 0.812 params {'C': 6.949162377075697}
Epoch : 289: f1_weighted Score 0.812 params {'C': 9.03588543184498}
Epoch : 290: f1_weighted Score 0.812 params {'C': 7.4390427771480185}
Epoch : 291: f1_weighted Score 0.812 params {'C': 16.28472623392697}
Epoch : 292: f1_weighted Score 0.812 params {'C': 11.765807603878383}
Epoch : 293: f1_weighted Score 0.812 params {'C': 13.753757092323001}
Epoch : 294: f1_weighted Score 0.812 params {'C': 15.307970769102425}
Epoch : 295: f1_weighted Score 0.812 params {'C': 15.645380898279909}
Epoch : 296: f1_weighted Score 0.812 params {'C': 16.083615773058217}
Epoch : 297: f1_weighted Score 0.812 params {'C': 17.60092602812591}
Epoch : 298: f1_weighted Score 0.812 params {'C': 15.58207301224397}
Epoch : 299: f1_weighted Score 0.812 params {'C': 13.23769410740406}
Epoch : 300: f1_weighted Score 0.812 params {'C': 12.92970517198763}
the best option is: {'C': 16.74016055987566}
Cooresponding loss:
0.812312824990272
In [244]:
XGB_space = {
        'max_depth': scope.int(hp.quniform('max_depth', 2, 20, 1)),
        'min_child_weight': hp.uniform ('min_child_weight', 0, 10),
        'subsample': hp.uniform ('subsample', 0.8, 1),
        'n_estimators' : scope.int(hp.quniform('n_estimators', 50,1500,25)),
        'learning_rate' : hp.loguniform('learning_rate', np.log(0.005), np.log(0.2)),
        'gamma' : hp.uniform('gamma', 0, 1),
        'colsample_bytree' : hp.uniform('colsample_bytree', 0.3, 1.0)
}
XGB = Bayesian_Optimizer(clf=XGBClassifier, param_space=XGB_space, max_eval=3000)
XGB.HP_optimization()
Epoch : 1: f1_weighted Score 0.807 params {'colsample_bytree': 0.522311933965428, 'gamma': 0.9568287306347576, 'learning_rate': 0.006008891866799576, 'max_depth': 10, 'min_child_weight': 2.6645624944042243, 'n_estimators': 250, 'subsample': 0.9937336484557917}
Epoch : 2: f1_weighted Score 0.799 params {'colsample_bytree': 0.37535821043025636, 'gamma': 0.10449699806869361, 'learning_rate': 0.015115896223929148, 'max_depth': 17, 'min_child_weight': 5.5783728659840826, 'n_estimators': 1225, 'subsample': 0.884227971917166}
Epoch : 3: f1_weighted Score 0.811 params {'colsample_bytree': 0.8609483430245202, 'gamma': 0.45860276118601806, 'learning_rate': 0.005041326795247257, 'max_depth': 18, 'min_child_weight': 2.5426142305939914, 'n_estimators': 100, 'subsample': 0.879181547709469}
Epoch : 4: f1_weighted Score 0.805 params {'colsample_bytree': 0.5974894272628306, 'gamma': 0.6664513943867955, 'learning_rate': 0.0058831244810484615, 'max_depth': 6, 'min_child_weight': 6.141465456938054, 'n_estimators': 1100, 'subsample': 0.9139087095546289}
Epoch : 5: f1_weighted Score 0.779 params {'colsample_bytree': 0.774177922331631, 'gamma': 0.09650539675131242, 'learning_rate': 0.09205494425817477, 'max_depth': 19, 'min_child_weight': 0.4133768788651282, 'n_estimators': 450, 'subsample': 0.8253522393105838}
Epoch : 6: f1_weighted Score 0.776 params {'colsample_bytree': 0.6784868629412132, 'gamma': 0.39160355809383207, 'learning_rate': 0.1717749765314417, 'max_depth': 7, 'min_child_weight': 0.8943767343249953, 'n_estimators': 1025, 'subsample': 0.8269985660457388}
Epoch : 7: f1_weighted Score 0.799 params {'colsample_bytree': 0.5366248077799145, 'gamma': 0.8274545420788103, 'learning_rate': 0.02785078481201419, 'max_depth': 3, 'min_child_weight': 8.94920678815714, 'n_estimators': 725, 'subsample': 0.885080660559118}
Epoch : 8: f1_weighted Score 0.785 params {'colsample_bytree': 0.3495647827975501, 'gamma': 0.7059909609002195, 'learning_rate': 0.040951819748627154, 'max_depth': 9, 'min_child_weight': 4.729838559246381, 'n_estimators': 1350, 'subsample': 0.817259512805385}
Epoch : 9: f1_weighted Score 0.788 params {'colsample_bytree': 0.8054977664191809, 'gamma': 0.9199245646873278, 'learning_rate': 0.08273618506903854, 'max_depth': 15, 'min_child_weight': 0.037481498308729044, 'n_estimators': 925, 'subsample': 0.8972948638392036}
Epoch : 10: f1_weighted Score 0.774 params {'colsample_bytree': 0.9567838131269542, 'gamma': 0.4511003347405066, 'learning_rate': 0.14362937574577753, 'max_depth': 11, 'min_child_weight': 9.85232245918083, 'n_estimators': 1275, 'subsample': 0.9729651656692663}
Epoch : 11: f1_weighted Score 0.786 params {'colsample_bytree': 0.7346850151752455, 'gamma': 0.013741076976000466, 'learning_rate': 0.03891355162324684, 'max_depth': 6, 'min_child_weight': 5.764585297392745, 'n_estimators': 1225, 'subsample': 0.8535757659620765}
Epoch : 12: f1_weighted Score 0.808 params {'colsample_bytree': 0.6823685180147321, 'gamma': 0.620574617943292, 'learning_rate': 0.007397896474596303, 'max_depth': 20, 'min_child_weight': 9.905792677000504, 'n_estimators': 1225, 'subsample': 0.8006760601447135}
Epoch : 13: f1_weighted Score 0.802 params {'colsample_bytree': 0.9705348079284479, 'gamma': 0.12586824407435437, 'learning_rate': 0.015424979841562539, 'max_depth': 16, 'min_child_weight': 9.411479070589925, 'n_estimators': 975, 'subsample': 0.9197079857423948}
Epoch : 14: f1_weighted Score 0.773 params {'colsample_bytree': 0.6156248472631307, 'gamma': 0.5835245750056126, 'learning_rate': 0.12029911651563653, 'max_depth': 3, 'min_child_weight': 8.459625529147466, 'n_estimators': 875, 'subsample': 0.8103735532204479}
Epoch : 15: f1_weighted Score 0.811 params {'colsample_bytree': 0.4870522672809127, 'gamma': 0.6969770382676226, 'learning_rate': 0.0079260084015908, 'max_depth': 2, 'min_child_weight': 6.1759997102624, 'n_estimators': 1325, 'subsample': 0.8193891492638149}
Epoch : 16: f1_weighted Score 0.787 params {'colsample_bytree': 0.999479077179829, 'gamma': 0.807885971348046, 'learning_rate': 0.019148720365178937, 'max_depth': 17, 'min_child_weight': 1.2171295696968376, 'n_estimators': 375, 'subsample': 0.9244210036533688}
Epoch : 17: f1_weighted Score 0.811 params {'colsample_bytree': 0.3112966607422025, 'gamma': 0.2474484582905465, 'learning_rate': 0.1368778567971986, 'max_depth': 2, 'min_child_weight': 7.296947211964665, 'n_estimators': 75, 'subsample': 0.9234810607182065}
Epoch : 18: f1_weighted Score 0.787 params {'colsample_bytree': 0.5458528645283508, 'gamma': 0.6912239661115699, 'learning_rate': 0.010487406941651033, 'max_depth': 5, 'min_child_weight': 0.8493566545620723, 'n_estimators': 875, 'subsample': 0.9825358955151653}
Epoch : 19: f1_weighted Score 0.780 params {'colsample_bytree': 0.7838359252477567, 'gamma': 0.24781789056412618, 'learning_rate': 0.08278889284164657, 'max_depth': 9, 'min_child_weight': 5.535293141286042, 'n_estimators': 1350, 'subsample': 0.8171355198579611}
Epoch : 20: f1_weighted Score 0.794 params {'colsample_bytree': 0.8053821754470061, 'gamma': 0.07787473720804317, 'learning_rate': 0.07784327043142408, 'max_depth': 19, 'min_child_weight': 6.950047500030685, 'n_estimators': 500, 'subsample': 0.9838164415602431}
Epoch : 21: f1_weighted Score 0.795 params {'colsample_bytree': 0.439332434388482, 'gamma': 0.5442786348381463, 'learning_rate': 0.009291923267507808, 'max_depth': 13, 'min_child_weight': 3.4572724979891127, 'n_estimators': 1475, 'subsample': 0.8540771489954075}
Epoch : 22: f1_weighted Score 0.795 params {'colsample_bytree': 0.8800624799501282, 'gamma': 0.36162129636014617, 'learning_rate': 0.009673957318697277, 'max_depth': 12, 'min_child_weight': 4.042689305127488, 'n_estimators': 675, 'subsample': 0.954218011763169}
Epoch : 23: f1_weighted Score 0.807 params {'colsample_bytree': 0.444556061599027, 'gamma': 0.8169421195633564, 'learning_rate': 0.005080673716934434, 'max_depth': 14, 'min_child_weight': 2.1089018197970493, 'n_estimators': 125, 'subsample': 0.8504134956877926}
Epoch : 24: f1_weighted Score 0.800 params {'colsample_bytree': 0.909438908332541, 'gamma': 0.4727723161082191, 'learning_rate': 0.005005890827026859, 'max_depth': 8, 'min_child_weight': 3.010018064003841, 'n_estimators': 625, 'subsample': 0.8665237241858237}
Epoch : 25: f1_weighted Score 0.808 params {'colsample_bytree': 0.46152511913702354, 'gamma': 0.373132738479021, 'learning_rate': 0.025829105543760902, 'max_depth': 4, 'min_child_weight': 4.090206780913504, 'n_estimators': 225, 'subsample': 0.8358126253763897}
Epoch : 26: f1_weighted Score 0.786 params {'colsample_bytree': 0.8784964992091577, 'gamma': 0.2626962289256477, 'learning_rate': 0.007673872703364442, 'max_depth': 18, 'min_child_weight': 1.7832085773426916, 'n_estimators': 600, 'subsample': 0.9436670399963427}
Epoch : 27: f1_weighted Score 0.799 params {'colsample_bytree': 0.6004385630336881, 'gamma': 0.5031220174138631, 'learning_rate': 0.01421205124539912, 'max_depth': 13, 'min_child_weight': 7.760330396448671, 'n_estimators': 1075, 'subsample': 0.873486158846189}
Epoch : 28: f1_weighted Score 0.792 params {'colsample_bytree': 0.7273238698871165, 'gamma': 0.7598232576905748, 'learning_rate': 0.0545270075000875, 'max_depth': 11, 'min_child_weight': 6.470731312536585, 'n_estimators': 1475, 'subsample': 0.8403934943893703}
Epoch : 29: f1_weighted Score 0.812 params {'colsample_bytree': 0.49767593941211974, 'gamma': 0.9917480323461004, 'learning_rate': 0.00710188456576088, 'max_depth': 14, 'min_child_weight': 4.8267463243869955, 'n_estimators': 250, 'subsample': 0.8029795666223568}
Epoch : 30: f1_weighted Score 0.794 params {'colsample_bytree': 0.5584603036798971, 'gamma': 0.9711981535212203, 'learning_rate': 0.020468866725614227, 'max_depth': 15, 'min_child_weight': 2.3642508285079344, 'n_estimators': 275, 'subsample': 0.9424378608644908}
Epoch : 31: f1_weighted Score 0.812 params {'colsample_bytree': 0.40683491790832754, 'gamma': 0.8785553029357913, 'learning_rate': 0.011717457331074998, 'max_depth': 17, 'min_child_weight': 4.831244861779846, 'n_estimators': 200, 'subsample': 0.8933008290891633}
Epoch : 32: f1_weighted Score 0.812 params {'colsample_bytree': 0.38544693639855193, 'gamma': 0.8974650778055037, 'learning_rate': 0.012792332952419848, 'max_depth': 16, 'min_child_weight': 4.7190398176895, 'n_estimators': 200, 'subsample': 0.897272369338848}
Epoch : 33: f1_weighted Score 0.800 params {'colsample_bytree': 0.3079244851414563, 'gamma': 0.9842726727025499, 'learning_rate': 0.00629900410177929, 'max_depth': 15, 'min_child_weight': 3.8232811436146044, 'n_estimators': 350, 'subsample': 0.9078983142902677}
Epoch : 34: f1_weighted Score 0.808 params {'colsample_bytree': 0.36945684839538134, 'gamma': 0.8740312464119091, 'learning_rate': 0.011683389107738204, 'max_depth': 20, 'min_child_weight': 5.2144385934457675, 'n_estimators': 525, 'subsample': 0.8036504995702177}
Epoch : 35: f1_weighted Score 0.805 params {'colsample_bytree': 0.3987185561140445, 'gamma': 0.9078611933389615, 'learning_rate': 0.012857158801402127, 'max_depth': 17, 'min_child_weight': 3.0359198107187026, 'n_estimators': 150, 'subsample': 0.8861966495166803}
Epoch : 36: f1_weighted Score 0.797 params {'colsample_bytree': 0.41346514744465446, 'gamma': 0.7651180897695279, 'learning_rate': 0.02133160942174857, 'max_depth': 18, 'min_child_weight': 4.477311118454197, 'n_estimators': 400, 'subsample': 0.8950996494677406}
Epoch : 37: f1_weighted Score 0.812 params {'colsample_bytree': 0.495570523898924, 'gamma': 0.9690468008634363, 'learning_rate': 0.016799256889353253, 'max_depth': 13, 'min_child_weight': 7.872644963311274, 'n_estimators': 300, 'subsample': 0.8681633594174614}
Epoch : 38: f1_weighted Score 0.738 params {'colsample_bytree': 0.3315132436713394, 'gamma': 0.9398558362673506, 'learning_rate': 0.016842941292814478, 'max_depth': 10, 'min_child_weight': 8.015228762116823, 'n_estimators': 50, 'subsample': 0.8713764326966751}
Epoch : 39: f1_weighted Score 0.799 params {'colsample_bytree': 0.49835995011756934, 'gamma': 0.7448080067328554, 'learning_rate': 0.03401498058301458, 'max_depth': 12, 'min_child_weight': 6.97308319739259, 'n_estimators': 775, 'subsample': 0.907986839284027}
Epoch : 40: f1_weighted Score 0.805 params {'colsample_bytree': 0.6318621016134687, 'gamma': 0.8684033842735402, 'learning_rate': 0.0240254920514924, 'max_depth': 19, 'min_child_weight': 8.909182305212333, 'n_estimators': 325, 'subsample': 0.8603049246329172}
Epoch : 41: f1_weighted Score 0.799 params {'colsample_bytree': 0.6688634309342397, 'gamma': 0.6393330357010729, 'learning_rate': 0.059232110309434635, 'max_depth': 16, 'min_child_weight': 6.501234386454548, 'n_estimators': 450, 'subsample': 0.9338976600190992}
Epoch : 42: f1_weighted Score 0.803 params {'colsample_bytree': 0.5843220708540918, 'gamma': 0.8523378781331947, 'learning_rate': 0.03192429977875749, 'max_depth': 10, 'min_child_weight': 5.478629479952666, 'n_estimators': 750, 'subsample': 0.8864199627869589}
Epoch : 43: f1_weighted Score 0.804 params {'colsample_bytree': 0.3581473330981233, 'gamma': 0.9460970768640956, 'learning_rate': 0.04687960435931481, 'max_depth': 12, 'min_child_weight': 7.742098696044583, 'n_estimators': 300, 'subsample': 0.9606571102017093}
Epoch : 44: f1_weighted Score 0.812 params {'colsample_bytree': 0.46928431398517884, 'gamma': 0.9955361377455809, 'learning_rate': 0.028724975395857912, 'max_depth': 14, 'min_child_weight': 9.25150473516576, 'n_estimators': 175, 'subsample': 0.8376256155643645}
Epoch : 45: f1_weighted Score 0.797 params {'colsample_bytree': 0.570483656071755, 'gamma': 0.5900172446359644, 'learning_rate': 0.0377759527426205, 'max_depth': 8, 'min_child_weight': 9.36226899964329, 'n_estimators': 525, 'subsample': 0.8346472036282799}
Epoch : 46: f1_weighted Score 0.812 params {'colsample_bytree': 0.5182901408634158, 'gamma': 0.7745859658754531, 'learning_rate': 0.01731975492547287, 'max_depth': 16, 'min_child_weight': 8.451175813116365, 'n_estimators': 50, 'subsample': 0.8777590310546848}
Epoch : 47: f1_weighted Score 0.812 params {'colsample_bytree': 0.5275919747906013, 'gamma': 0.6597392226394383, 'learning_rate': 0.016353601328054322, 'max_depth': 13, 'min_child_weight': 8.400871734090734, 'n_estimators': 75, 'subsample': 0.8755913494920253}
Epoch : 48: f1_weighted Score 0.812 params {'colsample_bytree': 0.7062477079661118, 'gamma': 0.41238032508573086, 'learning_rate': 0.022362942304335318, 'max_depth': 7, 'min_child_weight': 8.407038802395405, 'n_estimators': 125, 'subsample': 0.8496607785704537}
Epoch : 49: f1_weighted Score 0.799 params {'colsample_bytree': 0.7240207289087102, 'gamma': 0.17595889157307532, 'learning_rate': 0.062317637724994435, 'max_depth': 7, 'min_child_weight': 9.876059538507223, 'n_estimators': 425, 'subsample': 0.8271284632522704}
Epoch : 50: f1_weighted Score 0.781 params {'colsample_bytree': 0.6465035991843666, 'gamma': 0.31671028845177074, 'learning_rate': 0.19735312426076085, 'max_depth': 9, 'min_child_weight': 7.218238963287618, 'n_estimators': 625, 'subsample': 0.9063055265044014}
Epoch : 51: f1_weighted Score 0.796 params {'colsample_bytree': 0.840462273047285, 'gamma': 0.4102050919021638, 'learning_rate': 0.0483115944834395, 'max_depth': 6, 'min_child_weight': 6.012709711116751, 'n_estimators': 850, 'subsample': 0.8475376811976542}
Epoch : 52: f1_weighted Score 0.803 params {'colsample_bytree': 0.38078910675144606, 'gamma': 0.004122829360943381, 'learning_rate': 0.00879686889682912, 'max_depth': 18, 'min_child_weight': 4.399792191260174, 'n_estimators': 575, 'subsample': 0.9968761322339582}
Epoch : 53: f1_weighted Score 0.783 params {'colsample_bytree': 0.7003472930950535, 'gamma': 0.32455477772165336, 'learning_rate': 0.1016357309601179, 'max_depth': 4, 'min_child_weight': 8.747175470477854, 'n_estimators': 475, 'subsample': 0.8634122931304424}
Epoch : 54: f1_weighted Score 0.803 params {'colsample_bytree': 0.7666165285702897, 'gamma': 0.1872900352083065, 'learning_rate': 0.023474407616600374, 'max_depth': 7, 'min_child_weight': 8.00145525846118, 'n_estimators': 700, 'subsample': 0.8115943523514492}
Epoch : 55: f1_weighted Score 0.810 params {'colsample_bytree': 0.6917651796846447, 'gamma': 0.4245388494493677, 'learning_rate': 0.028826363359824088, 'max_depth': 5, 'min_child_weight': 9.947978384372313, 'n_estimators': 125, 'subsample': 0.8433491603281154}
Epoch : 56: f1_weighted Score 0.779 params {'colsample_bytree': 0.9244607894441157, 'gamma': 0.5253840945984835, 'learning_rate': 0.06776762367204577, 'max_depth': 11, 'min_child_weight': 9.549500926844818, 'n_estimators': 1000, 'subsample': 0.8274355788042328}
Epoch : 57: f1_weighted Score 0.798 params {'colsample_bytree': 0.4728299259579447, 'gamma': 0.7182078950283908, 'learning_rate': 0.028290428016584344, 'max_depth': 14, 'min_child_weight': 9.160067103835953, 'n_estimators': 1125, 'subsample': 0.8593981733904942}
Epoch : 58: f1_weighted Score 0.807 params {'colsample_bytree': 0.43504994753315157, 'gamma': 0.834285462311636, 'learning_rate': 0.006279510231112009, 'max_depth': 12, 'min_child_weight': 1.4914324101448644, 'n_estimators': 250, 'subsample': 0.8010487854611965}
Epoch : 59: f1_weighted Score 0.808 params {'colsample_bytree': 0.5099589697322029, 'gamma': 0.8046077146236056, 'learning_rate': 0.005600877670579293, 'max_depth': 10, 'min_child_weight': 5.173248984856117, 'n_estimators': 800, 'subsample': 0.8112601683323768}
Epoch : 60: f1_weighted Score 0.794 params {'colsample_bytree': 0.8263728798012941, 'gamma': 0.5552924787866576, 'learning_rate': 0.042332741617268146, 'max_depth': 3, 'min_child_weight': 6.491872002012898, 'n_estimators': 375, 'subsample': 0.9171494274895376}
Epoch : 61: f1_weighted Score 0.812 params {'colsample_bytree': 0.6185000902836929, 'gamma': 0.9973193022405255, 'learning_rate': 0.0068729820769573785, 'max_depth': 15, 'min_child_weight': 5.893914953131568, 'n_estimators': 550, 'subsample': 0.8217409713882285}
Epoch : 62: f1_weighted Score 0.797 params {'colsample_bytree': 0.6249116889233637, 'gamma': 0.9271198811587716, 'learning_rate': 0.01014796341145521, 'max_depth': 15, 'min_child_weight': 5.808654291615497, 'n_estimators': 925, 'subsample': 0.8212409310027099}
Epoch : 63: f1_weighted Score 0.784 params {'colsample_bytree': 0.7701413204344073, 'gamma': 0.6052139464387984, 'learning_rate': 0.008584674622898587, 'max_depth': 13, 'min_child_weight': 0.18653697627479993, 'n_estimators': 650, 'subsample': 0.8818264716890181}
Epoch : 64: f1_weighted Score 0.803 params {'colsample_bytree': 0.6586680331516157, 'gamma': 0.793866913422894, 'learning_rate': 0.014246890821460188, 'max_depth': 17, 'min_child_weight': 7.51942527098858, 'n_estimators': 575, 'subsample': 0.8308492787745749}
Epoch : 65: f1_weighted Score 0.806 params {'colsample_bytree': 0.5577383084448323, 'gamma': 0.04053668587260911, 'learning_rate': 0.005580632699157664, 'max_depth': 19, 'min_child_weight': 6.820127565432068, 'n_estimators': 1150, 'subsample': 0.8664990722268492}
Epoch : 66: f1_weighted Score 0.812 params {'colsample_bytree': 0.4696334771916814, 'gamma': 0.9878865393219991, 'learning_rate': 0.019666121847178364, 'max_depth': 14, 'min_child_weight': 7.350392036570837, 'n_estimators': 175, 'subsample': 0.8431238504897269}
Epoch : 67: f1_weighted Score 0.806 params {'colsample_bytree': 0.5976099291031385, 'gamma': 0.9521688685431233, 'learning_rate': 0.018677880195151125, 'max_depth': 15, 'min_child_weight': 6.1531816389320575, 'n_estimators': 325, 'subsample': 0.8552842712787379}
Epoch : 68: f1_weighted Score 0.812 params {'colsample_bytree': 0.34112830281516376, 'gamma': 0.7240372111760197, 'learning_rate': 0.006853934605594438, 'max_depth': 14, 'min_child_weight': 8.058444823475947, 'n_estimators': 525, 'subsample': 0.8371904290872403}
Epoch : 69: f1_weighted Score 0.812 params {'colsample_bytree': 0.4193319818007899, 'gamma': 0.7377712164502624, 'learning_rate': 0.0068486650467768475, 'max_depth': 12, 'min_child_weight': 6.784667982746534, 'n_estimators': 550, 'subsample': 0.8171677761684992}
Epoch : 70: f1_weighted Score 0.805 params {'colsample_bytree': 0.4381443467790084, 'gamma': 0.6719672808364727, 'learning_rate': 0.011283764945010105, 'max_depth': 9, 'min_child_weight': 6.635145111870527, 'n_estimators': 700, 'subsample': 0.8193654194405328}
Epoch : 71: f1_weighted Score 0.812 params {'colsample_bytree': 0.539632598405125, 'gamma': 0.6522493181765293, 'learning_rate': 0.015042513056264206, 'max_depth': 13, 'min_child_weight': 9.64805870191307, 'n_estimators': 100, 'subsample': 0.8916922952126975}
Epoch : 72: f1_weighted Score 0.812 params {'colsample_bytree': 0.6126948755176969, 'gamma': 0.4516095601917218, 'learning_rate': 0.00834643232093266, 'max_depth': 11, 'min_child_weight': 9.642447117833122, 'n_estimators': 400, 'subsample': 0.9295532059434674}
Epoch : 73: f1_weighted Score 0.799 params {'colsample_bytree': 0.7491130224673401, 'gamma': 0.4689691002897529, 'learning_rate': 0.008108757725193556, 'max_depth': 11, 'min_child_weight': 3.427620321607868, 'n_estimators': 425, 'subsample': 0.9645093185947804}
Epoch : 74: f1_weighted Score 0.811 params {'colsample_bytree': 0.6143885783656278, 'gamma': 0.3386016664595771, 'learning_rate': 0.009593237399137096, 'max_depth': 11, 'min_child_weight': 8.673799139665395, 'n_estimators': 475, 'subsample': 0.929529577615802}
Epoch : 75: f1_weighted Score 0.812 params {'colsample_bytree': 0.641528142568973, 'gamma': 0.29519307293521746, 'learning_rate': 0.00503815208551621, 'max_depth': 10, 'min_child_weight': 7.064434181706119, 'n_estimators': 275, 'subsample': 0.9469117550692584}
Epoch : 76: f1_weighted Score 0.809 params {'colsample_bytree': 0.6501746864485086, 'gamma': 0.2109339404573185, 'learning_rate': 0.012495962329336597, 'max_depth': 8, 'min_child_weight': 5.411161717402447, 'n_estimators': 275, 'subsample': 0.9764277175987849}
Epoch : 77: f1_weighted Score 0.809 params {'colsample_bytree': 0.7092756859831478, 'gamma': 0.1391380711461353, 'learning_rate': 0.02231469895067855, 'max_depth': 8, 'min_child_weight': 8.206135467767812, 'n_estimators': 225, 'subsample': 0.8482671976120854}
Epoch : 78: f1_weighted Score 0.808 params {'colsample_bytree': 0.6749752729192013, 'gamma': 0.4962443059932752, 'learning_rate': 0.0182690240705849, 'max_depth': 5, 'min_child_weight': 7.678426808354032, 'n_estimators': 350, 'subsample': 0.8540301327035336}
Epoch : 79: f1_weighted Score 0.796 params {'colsample_bytree': 0.5811814029334865, 'gamma': 0.8974467787753376, 'learning_rate': 0.007472822104338117, 'max_depth': 15, 'min_child_weight': 3.587997561120047, 'n_estimators': 825, 'subsample': 0.8703239168960087}
Epoch : 80: f1_weighted Score 0.812 params {'colsample_bytree': 0.3237028244862808, 'gamma': 0.8800244227506369, 'learning_rate': 0.013308561118202805, 'max_depth': 16, 'min_child_weight': 5.835023684647046, 'n_estimators': 200, 'subsample': 0.9016729812256431}
Epoch : 81: f1_weighted Score 0.791 params {'colsample_bytree': 0.4846085989484699, 'gamma': 0.8583583934948236, 'learning_rate': 0.010499557976922261, 'max_depth': 19, 'min_child_weight': 5.84201355962556, 'n_estimators': 1400, 'subsample': 0.9014597845558867}
Epoch : 82: f1_weighted Score 0.794 params {'colsample_bytree': 0.7486901879702851, 'gamma': 0.3650035797856249, 'learning_rate': 0.036552815108834125, 'max_depth': 6, 'min_child_weight': 6.2870040986761175, 'n_estimators': 900, 'subsample': 0.8075725218973954}
Epoch : 83: f1_weighted Score 0.812 params {'colsample_bytree': 0.8066504191787418, 'gamma': 0.5681754481051322, 'learning_rate': 0.024755934533893322, 'max_depth': 9, 'min_child_weight': 8.981913942205242, 'n_estimators': 125, 'subsample': 0.831533724059934}
Epoch : 84: f1_weighted Score 0.803 params {'colsample_bytree': 0.49646704946651443, 'gamma': 0.9644213474983323, 'learning_rate': 0.006658057551995388, 'max_depth': 18, 'min_child_weight': 2.690606330042528, 'n_estimators': 725, 'subsample': 0.8000515004376296}
Epoch : 85: f1_weighted Score 0.800 params {'colsample_bytree': 0.9850204653390487, 'gamma': 0.6926670810468385, 'learning_rate': 0.03155054768821349, 'max_depth': 9, 'min_child_weight': 8.986456407587593, 'n_estimators': 475, 'subsample': 0.8228538494009828}
Epoch : 86: f1_weighted Score 0.814 params {'colsample_bytree': 0.41265058881787064, 'gamma': 0.8348574477095432, 'learning_rate': 0.006079735323522491, 'max_depth': 12, 'min_child_weight': 4.421100123672208, 'n_estimators': 575, 'subsample': 0.8139572653320858}
Epoch : 87: f1_weighted Score 0.809 params {'colsample_bytree': 0.4513713750255338, 'gamma': 0.8238595963043782, 'learning_rate': 0.0059502221334918086, 'max_depth': 17, 'min_child_weight': 4.331166235503982, 'n_estimators': 650, 'subsample': 0.8066465407918828}
Epoch : 88: f1_weighted Score 0.797 params {'colsample_bytree': 0.42317197900050724, 'gamma': 0.9198054620003935, 'learning_rate': 0.010812810447308682, 'max_depth': 12, 'min_child_weight': 5.0474888932989455, 'n_estimators': 950, 'subsample': 0.844474723964023}
Epoch : 89: f1_weighted Score 0.804 params {'colsample_bytree': 0.3045534295621098, 'gamma': 0.8359900949809389, 'learning_rate': 0.005371386963382657, 'max_depth': 16, 'min_child_weight': 4.1232830153880276, 'n_estimators': 1050, 'subsample': 0.8888546820762196}
Epoch : 90: f1_weighted Score 0.806 params {'colsample_bytree': 0.3859943690201775, 'gamma': 0.9925193291164508, 'learning_rate': 0.009337235337837991, 'max_depth': 13, 'min_child_weight': 4.797569520581533, 'n_estimators': 775, 'subsample': 0.8140824052502631}
Epoch : 91: f1_weighted Score 0.796 params {'colsample_bytree': 0.5619114136548833, 'gamma': 0.9651846112021648, 'learning_rate': 0.01556013869392979, 'max_depth': 15, 'min_child_weight': 3.183689621762567, 'n_estimators': 600, 'subsample': 0.8799486396369823}
Epoch : 92: f1_weighted Score 0.804 params {'colsample_bytree': 0.36378719082031913, 'gamma': 0.6174259982517465, 'learning_rate': 0.007630971126468239, 'max_depth': 14, 'min_child_weight': 2.255565768278997, 'n_estimators': 500, 'subsample': 0.8615040590436293}
Epoch : 93: f1_weighted Score 0.790 params {'colsample_bytree': 0.5264107472084272, 'gamma': 0.7720969577090591, 'learning_rate': 0.026610925752386317, 'max_depth': 10, 'min_child_weight': 2.8842454687330665, 'n_estimators': 675, 'subsample': 0.8319594905000787}
Epoch : 94: f1_weighted Score 0.782 params {'colsample_bytree': 0.45128077198991456, 'gamma': 0.7877254521453584, 'learning_rate': 0.14292731968007766, 'max_depth': 17, 'min_child_weight': 4.595078153133044, 'n_estimators': 750, 'subsample': 0.9124591895071141}
Epoch : 95: f1_weighted Score 0.803 params {'colsample_bytree': 0.4031877149520741, 'gamma': 0.8970333615451783, 'learning_rate': 0.013688842704092818, 'max_depth': 20, 'min_child_weight': 3.75823350182629, 'n_estimators': 425, 'subsample': 0.8252725854398102}
Epoch : 96: f1_weighted Score 0.789 params {'colsample_bytree': 0.5094831485789358, 'gamma': 0.8430173223764484, 'learning_rate': 0.012414286866989482, 'max_depth': 12, 'min_child_weight': 0.8418482914779073, 'n_estimators': 575, 'subsample': 0.8579826084551881}
Epoch : 97: f1_weighted Score 0.809 params {'colsample_bytree': 0.5425320669267537, 'gamma': 0.9380688555635327, 'learning_rate': 0.005000944751940984, 'max_depth': 13, 'min_child_weight': 6.335031971071814, 'n_estimators': 850, 'subsample': 0.8671753735809308}
Epoch : 98: f1_weighted Score 0.812 params {'colsample_bytree': 0.5921839646438827, 'gamma': 0.7444289953874436, 'learning_rate': 0.0063402453311139535, 'max_depth': 16, 'min_child_weight': 7.21441249585586, 'n_estimators': 325, 'subsample': 0.8402318118948946}
Epoch : 99: f1_weighted Score 0.808 params {'colsample_bytree': 0.3487107652191296, 'gamma': 0.6798347019435035, 'learning_rate': 0.008975253114660147, 'max_depth': 18, 'min_child_weight': 5.528019387828817, 'n_estimators': 625, 'subsample': 0.8061058201804101}
Epoch : 100: f1_weighted Score 0.773 params {'colsample_bytree': 0.32112646371977127, 'gamma': 0.9201186950372646, 'learning_rate': 0.10334082153171195, 'max_depth': 14, 'min_child_weight': 1.8705099628187805, 'n_estimators': 1175, 'subsample': 0.8136719873262458}
Epoch : 101: f1_weighted Score 0.805 params {'colsample_bytree': 0.5509430634129348, 'gamma': 0.886954120917478, 'learning_rate': 0.017067525653739455, 'max_depth': 15, 'min_child_weight': 5.3724322190376474, 'n_estimators': 375, 'subsample': 0.8845212277095251}
Epoch : 102: f1_weighted Score 0.793 params {'colsample_bytree': 0.5747397446964101, 'gamma': 0.9840147994177868, 'learning_rate': 0.04414226699335234, 'max_depth': 13, 'min_child_weight': 5.053652456532441, 'n_estimators': 975, 'subsample': 0.87237548331122}
Epoch : 103: f1_weighted Score 0.800 params {'colsample_bytree': 0.4833210154782001, 'gamma': 0.9998555758676441, 'learning_rate': 0.05167955800887327, 'max_depth': 12, 'min_child_weight': 6.063109802193189, 'n_estimators': 550, 'subsample': 0.8281501729565146}
Epoch : 104: f1_weighted Score 0.788 params {'colsample_bytree': 0.3961467800463237, 'gamma': 0.8129347065568557, 'learning_rate': 0.07734843101800469, 'max_depth': 11, 'min_child_weight': 4.263767630001073, 'n_estimators': 450, 'subsample': 0.8508169257638286}
Epoch : 105: f1_weighted Score 0.812 params {'colsample_bytree': 0.5128081263795812, 'gamma': 0.6396057637460949, 'learning_rate': 0.011939192718339896, 'max_depth': 10, 'min_child_weight': 7.42317499374392, 'n_estimators': 300, 'subsample': 0.8343608507232076}
Epoch : 106: f1_weighted Score 0.793 params {'colsample_bytree': 0.4236752667053093, 'gamma': 0.7045255626406786, 'learning_rate': 0.020948749151960263, 'max_depth': 20, 'min_child_weight': 3.993923074051833, 'n_estimators': 800, 'subsample': 0.865213576207422}
Epoch : 107: f1_weighted Score 0.795 params {'colsample_bytree': 0.6634507189904377, 'gamma': 0.8616142345787736, 'learning_rate': 0.00987876845663846, 'max_depth': 14, 'min_child_weight': 3.273392658440538, 'n_estimators': 725, 'subsample': 0.8769463034405178}
Epoch : 108: f1_weighted Score 0.806 params {'colsample_bytree': 0.46251644221603416, 'gamma': 0.9424601967260573, 'learning_rate': 0.015193417122034708, 'max_depth': 18, 'min_child_weight': 6.667476579178391, 'n_estimators': 500, 'subsample': 0.8150327558680761}
Epoch : 109: f1_weighted Score 0.781 params {'colsample_bytree': 0.6833033396483564, 'gamma': 0.7838116243750274, 'learning_rate': 0.18474546441817474, 'max_depth': 11, 'min_child_weight': 7.82193353907639, 'n_estimators': 1275, 'subsample': 0.8229105222802555}
Epoch : 110: f1_weighted Score 0.812 params {'colsample_bytree': 0.5338547390594832, 'gamma': 0.9743787075254101, 'learning_rate': 0.005637443129105293, 'max_depth': 16, 'min_child_weight': 5.681559321958264, 'n_estimators': 75, 'subsample': 0.8446202744296142}
Epoch : 111: f1_weighted Score 0.806 params {'colsample_bytree': 0.6101370522086034, 'gamma': 0.9115555632201431, 'learning_rate': 0.011224575403905911, 'max_depth': 15, 'min_child_weight': 4.590428679330675, 'n_estimators': 400, 'subsample': 0.8380004734626473}
Epoch : 112: f1_weighted Score 0.803 params {'colsample_bytree': 0.8986971017254723, 'gamma': 0.5197462100729269, 'learning_rate': 0.0071380572160368045, 'max_depth': 12, 'min_child_weight': 7.0280900905745805, 'n_estimators': 875, 'subsample': 0.9222505381485511}
Epoch : 113: f1_weighted Score 0.812 params {'colsample_bytree': 0.635232955249577, 'gamma': 0.5903361348845642, 'learning_rate': 0.007840673704184871, 'max_depth': 8, 'min_child_weight': 8.231581145422165, 'n_estimators': 225, 'subsample': 0.9124126854362409}
Epoch : 114: f1_weighted Score 0.811 params {'colsample_bytree': 0.7210595707266894, 'gamma': 0.7243562865487156, 'learning_rate': 0.0062123218251167065, 'max_depth': 17, 'min_child_weight': 8.641827116459119, 'n_estimators': 675, 'subsample': 0.890165345221714}
Epoch : 115: f1_weighted Score 0.794 params {'colsample_bytree': 0.7860027223651382, 'gamma': 0.7547001239673323, 'learning_rate': 0.030851826552713988, 'max_depth': 13, 'min_child_weight': 3.8297314383221552, 'n_estimators': 350, 'subsample': 0.8568844149884316}
Epoch : 116: f1_weighted Score 0.790 params {'colsample_bytree': 0.5670992307458587, 'gamma': 0.8089153667552197, 'learning_rate': 0.035759585399891484, 'max_depth': 19, 'min_child_weight': 2.471924709021313, 'n_estimators': 550, 'subsample': 0.8961992862390493}
Epoch : 117: f1_weighted Score 0.812 params {'colsample_bytree': 0.49505647975975, 'gamma': 0.9589209296719328, 'learning_rate': 0.018285840302078, 'max_depth': 16, 'min_child_weight': 5.161922739876641, 'n_estimators': 175, 'subsample': 0.9381527234921987}
Epoch : 118: f1_weighted Score 0.792 params {'colsample_bytree': 0.3727620948142418, 'gamma': 0.8529810425178382, 'learning_rate': 0.008436520757002793, 'max_depth': 19, 'min_child_weight': 1.206255376536197, 'n_estimators': 625, 'subsample': 0.9909835835938421}
Epoch : 119: f1_weighted Score 0.809 params {'colsample_bytree': 0.8474156958333305, 'gamma': 0.9309630622089056, 'learning_rate': 0.005298866170805908, 'max_depth': 14, 'min_child_weight': 2.68641663880455, 'n_estimators': 300, 'subsample': 0.8013202569462698}
Epoch : 120: f1_weighted Score 0.789 params {'colsample_bytree': 0.4295482345194106, 'gamma': 0.9534661294287, 'learning_rate': 0.03398776241840361, 'max_depth': 17, 'min_child_weight': 1.7805404176512472, 'n_estimators': 150, 'subsample': 0.9394871855582985}
Epoch : 121: f1_weighted Score 0.796 params {'colsample_bytree': 0.3016656550219296, 'gamma': 0.6268645624604212, 'learning_rate': 0.059117763600818676, 'max_depth': 13, 'min_child_weight': 5.242813804361507, 'n_estimators': 175, 'subsample': 0.9503500297382522}
Epoch : 122: f1_weighted Score 0.786 params {'colsample_bytree': 0.4823572178005788, 'gamma': 0.8797854293978392, 'learning_rate': 0.16174452589358884, 'max_depth': 16, 'min_child_weight': 4.934839384527034, 'n_estimators': 1025, 'subsample': 0.9544246616200841}
Epoch : 123: f1_weighted Score 0.808 params {'colsample_bytree': 0.33526722274835313, 'gamma': 0.06112378159891707, 'learning_rate': 0.013818536832308626, 'max_depth': 15, 'min_child_weight': 2.9017991495428674, 'n_estimators': 250, 'subsample': 0.9724267418105064}
Epoch : 124: f1_weighted Score 0.762 params {'colsample_bytree': 0.3916605181664307, 'gamma': 0.8241871214604172, 'learning_rate': 0.018631452317066508, 'max_depth': 9, 'min_child_weight': 0.3528743079507146, 'n_estimators': 50, 'subsample': 0.9357752307627645}
Epoch : 125: f1_weighted Score 0.805 params {'colsample_bytree': 0.35504083734064007, 'gamma': 0.5400467016466965, 'learning_rate': 0.03905069786372749, 'max_depth': 12, 'min_child_weight': 3.605631959829248, 'n_estimators': 100, 'subsample': 0.9582445297629895}
Epoch : 126: f1_weighted Score 0.805 params {'colsample_bytree': 0.6297886586929993, 'gamma': 0.4264768786238814, 'learning_rate': 0.016075123365206282, 'max_depth': 14, 'min_child_weight': 5.962229507811591, 'n_estimators': 450, 'subsample': 0.8195875211181115}
Epoch : 127: f1_weighted Score 0.789 params {'colsample_bytree': 0.40864648569981726, 'gamma': 0.797121090533347, 'learning_rate': 0.025794693690540656, 'max_depth': 7, 'min_child_weight': 1.9903303028521249, 'n_estimators': 375, 'subsample': 0.9266237435676402}
Epoch : 128: f1_weighted Score 0.805 params {'colsample_bytree': 0.44324795336528855, 'gamma': 0.12335560053142391, 'learning_rate': 0.010393596321622898, 'max_depth': 6, 'min_child_weight': 6.315544528334678, 'n_estimators': 600, 'subsample': 0.9049842434987668}
Epoch : 129: f1_weighted Score 0.792 params {'colsample_bytree': 0.602739422567375, 'gamma': 0.9950856921060334, 'learning_rate': 0.12841549412196532, 'max_depth': 10, 'min_child_weight': 7.5963897532471, 'n_estimators': 700, 'subsample': 0.8108457616397268}
Epoch : 130: f1_weighted Score 0.793 params {'colsample_bytree': 0.5858980100410613, 'gamma': 0.48567637431908134, 'learning_rate': 0.019829814397365593, 'max_depth': 18, 'min_child_weight': 4.182482903438913, 'n_estimators': 750, 'subsample': 0.9171751785390432}
Epoch : 131: f1_weighted Score 0.792 params {'colsample_bytree': 0.7496252642776263, 'gamma': 0.6711762362712641, 'learning_rate': 0.07061854874406191, 'max_depth': 17, 'min_child_weight': 4.763035191822703, 'n_estimators': 825, 'subsample': 0.9659388959946241}
Epoch : 132: f1_weighted Score 0.794 params {'colsample_bytree': 0.4980659707117364, 'gamma': 0.758284745542663, 'learning_rate': 0.02248822518235849, 'max_depth': 11, 'min_child_weight': 2.2266034139092374, 'n_estimators': 200, 'subsample': 0.987282571852344}
Epoch : 133: f1_weighted Score 0.789 params {'colsample_bytree': 0.45376962319113545, 'gamma': 0.9065213696561516, 'learning_rate': 0.091605778061123, 'max_depth': 9, 'min_child_weight': 1.4436544163602552, 'n_estimators': 150, 'subsample': 0.945503397611648}
Epoch : 134: f1_weighted Score 0.802 params {'colsample_bytree': 0.6944450629633252, 'gamma': 0.7340532801754778, 'learning_rate': 0.005814313332473287, 'max_depth': 16, 'min_child_weight': 4.529280447134037, 'n_estimators': 950, 'subsample': 0.9399506870490064}
Epoch : 135: f1_weighted Score 0.793 params {'colsample_bytree': 0.5219789217461429, 'gamma': 0.7105556581400738, 'learning_rate': 0.008861449299600085, 'max_depth': 20, 'min_child_weight': 3.9373078265574923, 'n_estimators': 1100, 'subsample': 0.9306374579849641}
Epoch : 136: f1_weighted Score 0.794 params {'colsample_bytree': 0.31760944950390063, 'gamma': 0.27555149071258367, 'learning_rate': 0.029548108255460753, 'max_depth': 12, 'min_child_weight': 0.7639344315215082, 'n_estimators': 225, 'subsample': 0.9094151944576576}
Epoch : 137: f1_weighted Score 0.794 params {'colsample_bytree': 0.4738079887466943, 'gamma': 0.970879179754145, 'learning_rate': 0.024013113000030506, 'max_depth': 13, 'min_child_weight': 3.1951185323526587, 'n_estimators': 300, 'subsample': 0.9209994036561413}
Epoch : 138: f1_weighted Score 0.805 params {'colsample_bytree': 0.37750805038053187, 'gamma': 0.8665751924023393, 'learning_rate': 0.04331680073856614, 'max_depth': 7, 'min_child_weight': 3.4783915314537035, 'n_estimators': 50, 'subsample': 0.9790712946982059}
Epoch : 139: f1_weighted Score 0.800 params {'colsample_bytree': 0.5514266083666046, 'gamma': 0.23442266558278013, 'learning_rate': 0.04785807197237571, 'max_depth': 14, 'min_child_weight': 9.38110923381501, 'n_estimators': 350, 'subsample': 0.900060909489083}
Epoch : 140: f1_weighted Score 0.812 params {'colsample_bytree': 0.6510159981137786, 'gamma': 0.38123092445977247, 'learning_rate': 0.006597913422679843, 'max_depth': 4, 'min_child_weight': 7.867359577112162, 'n_estimators': 525, 'subsample': 0.8700456396844134}
Epoch : 141: f1_weighted Score 0.802 params {'colsample_bytree': 0.3471824068648602, 'gamma': 0.5753628317812717, 'learning_rate': 0.02708078513133157, 'max_depth': 8, 'min_child_weight': 6.843890768441989, 'n_estimators': 400, 'subsample': 0.882873132141304}
Epoch : 142: f1_weighted Score 0.812 params {'colsample_bytree': 0.41399519041559624, 'gamma': 0.6837662589818403, 'learning_rate': 0.01707793986060713, 'max_depth': 10, 'min_child_weight': 9.133763765800218, 'n_estimators': 275, 'subsample': 0.9711872051469878}
Epoch : 143: f1_weighted Score 0.810 params {'colsample_bytree': 0.49763248750829164, 'gamma': 0.6468591829619549, 'learning_rate': 0.018021808911229398, 'max_depth': 15, 'min_child_weight': 5.609135665487434, 'n_estimators': 75, 'subsample': 0.9489413982697931}
Epoch : 144: f1_weighted Score 0.796 params {'colsample_bytree': 0.3618981134277522, 'gamma': 0.84678689941937, 'learning_rate': 0.014808287106742138, 'max_depth': 15, 'min_child_weight': 6.553994377717504, 'n_estimators': 1425, 'subsample': 0.9539824251284095}
Epoch : 145: f1_weighted Score 0.799 params {'colsample_bytree': 0.8194277654886274, 'gamma': 0.9981594544546815, 'learning_rate': 0.01293235190373695, 'max_depth': 10, 'min_child_weight': 5.795152140438612, 'n_estimators': 650, 'subsample': 0.8055874416747297}
Epoch : 146: f1_weighted Score 0.805 params {'colsample_bytree': 0.5365293086645377, 'gamma': 0.9513199421806424, 'learning_rate': 0.011759496469804974, 'max_depth': 17, 'min_child_weight': 5.374393102287667, 'n_estimators': 475, 'subsample': 0.894272360223719}
Epoch : 147: f1_weighted Score 0.809 params {'colsample_bytree': 0.5154212844944709, 'gamma': 0.8922465795393151, 'learning_rate': 0.007255624070784407, 'max_depth': 16, 'min_child_weight': 5.189470100157096, 'n_estimators': 575, 'subsample': 0.850537910396318}
Epoch : 148: f1_weighted Score 0.808 params {'colsample_bytree': 0.5793691152097902, 'gamma': 0.9240251378476956, 'learning_rate': 0.009518501069370577, 'max_depth': 13, 'min_child_weight': 4.308477356129448, 'n_estimators': 425, 'subsample': 0.9355929086468514}
Epoch : 149: f1_weighted Score 0.812 params {'colsample_bytree': 0.626832268335123, 'gamma': 0.972495475035157, 'learning_rate': 0.005013774459310012, 'max_depth': 14, 'min_child_weight': 4.863339200134022, 'n_estimators': 475, 'subsample': 0.8411184670606143}
Epoch : 150: f1_weighted Score 0.799 params {'colsample_bytree': 0.465993709518892, 'gamma': 0.771631024256181, 'learning_rate': 0.020890599710044297, 'max_depth': 15, 'min_child_weight': 6.034423866048331, 'n_estimators': 525, 'subsample': 0.8279719966868337}
Epoch : 151: f1_weighted Score 0.806 params {'colsample_bytree': 0.5588416552761803, 'gamma': 0.8289889081886042, 'learning_rate': 0.03371636360685213, 'max_depth': 12, 'min_child_weight': 7.21048786715301, 'n_estimators': 175, 'subsample': 0.8754840268377384}
Epoch : 152: f1_weighted Score 0.812 params {'colsample_bytree': 0.5088893952070436, 'gamma': 0.9383975145530317, 'learning_rate': 0.007945709827835067, 'max_depth': 16, 'min_child_weight': 6.363906035249409, 'n_estimators': 500, 'subsample': 0.8609353709976831}
Epoch : 153: f1_weighted Score 0.809 params {'colsample_bytree': 0.6007736032400602, 'gamma': 0.906115148767671, 'learning_rate': 0.00796120931287514, 'max_depth': 11, 'min_child_weight': 8.220492103075339, 'n_estimators': 600, 'subsample': 0.8532161286909754}
Epoch : 154: f1_weighted Score 0.808 params {'colsample_bytree': 0.4859706068252054, 'gamma': 0.8778054443923857, 'learning_rate': 0.0111787408450987, 'max_depth': 13, 'min_child_weight': 5.042021209858993, 'n_estimators': 325, 'subsample': 0.998070392127792}
Epoch : 155: f1_weighted Score 0.812 params {'colsample_bytree': 0.44162297941515816, 'gamma': 0.957195897667815, 'learning_rate': 0.014291392579466457, 'max_depth': 14, 'min_child_weight': 6.664058158075882, 'n_estimators': 250, 'subsample': 0.8344869731884994}
Epoch : 156: f1_weighted Score 0.809 params {'colsample_bytree': 0.5274402921839512, 'gamma': 0.9345129042726731, 'learning_rate': 0.007128137979886287, 'max_depth': 18, 'min_child_weight': 6.4699248107613245, 'n_estimators': 650, 'subsample': 0.8609361202100937}
Epoch : 157: f1_weighted Score 0.810 params {'colsample_bytree': 0.6729000783416107, 'gamma': 0.7948256549603829, 'learning_rate': 0.0061958588651564485, 'max_depth': 19, 'min_child_weight': 6.202915832442047, 'n_estimators': 500, 'subsample': 0.8446804132840745}
Epoch : 158: f1_weighted Score 0.811 params {'colsample_bytree': 0.6176814009766327, 'gamma': 0.8644563262102194, 'learning_rate': 0.005243103954632738, 'max_depth': 11, 'min_child_weight': 7.020183145504007, 'n_estimators': 700, 'subsample': 0.8675630055790619}
Epoch : 159: f1_weighted Score 0.802 params {'colsample_bytree': 0.4313702835011125, 'gamma': 0.9835773518081863, 'learning_rate': 0.010125225347936187, 'max_depth': 17, 'min_child_weight': 5.5352431498327395, 'n_estimators': 800, 'subsample': 0.8161767949518725}
Epoch : 160: f1_weighted Score 0.799 params {'colsample_bytree': 0.5431809998615018, 'gamma': 0.8351500221690968, 'learning_rate': 0.008175410470182646, 'max_depth': 16, 'min_child_weight': 4.485433170116595, 'n_estimators': 900, 'subsample': 0.8103596154956513}
Epoch : 161: f1_weighted Score 0.812 params {'colsample_bytree': 0.40148272337484453, 'gamma': 0.807834326939288, 'learning_rate': 0.012480514760339206, 'max_depth': 18, 'min_child_weight': 7.450591480431055, 'n_estimators': 125, 'subsample': 0.8856590263161505}
Epoch : 162: f1_weighted Score 0.793 params {'colsample_bytree': 0.45843285426572883, 'gamma': 0.9242612770518517, 'learning_rate': 0.016334512852391802, 'max_depth': 15, 'min_child_weight': 3.760715010993968, 'n_estimators': 450, 'subsample': 0.9032555169689488}
Epoch : 163: f1_weighted Score 0.806 params {'colsample_bytree': 0.9515777303755963, 'gamma': 0.9996821475877549, 'learning_rate': 0.006649742330388608, 'max_depth': 16, 'min_child_weight': 5.3143005630924165, 'n_estimators': 750, 'subsample': 0.8235928942494354}
Epoch : 164: f1_weighted Score 0.812 params {'colsample_bytree': 0.5749105290634974, 'gamma': 0.8984414941555405, 'learning_rate': 0.00582274493101668, 'max_depth': 13, 'min_child_weight': 6.851473367475236, 'n_estimators': 575, 'subsample': 0.8472691387460234}
Epoch : 165: f1_weighted Score 0.805 params {'colsample_bytree': 0.740129020393974, 'gamma': 0.6040048028561852, 'learning_rate': 0.05212149163623591, 'max_depth': 12, 'min_child_weight': 8.594725230936325, 'n_estimators': 375, 'subsample': 0.9273384233445008}
Epoch : 166: f1_weighted Score 0.802 params {'colsample_bytree': 0.38622389973837506, 'gamma': 0.9611021926051606, 'learning_rate': 0.023730835857997342, 'max_depth': 14, 'min_child_weight': 4.643807596598212, 'n_estimators': 325, 'subsample': 0.9168075440769817}
Epoch : 167: f1_weighted Score 0.808 params {'colsample_bytree': 0.3339267435265487, 'gamma': 0.7456396474654884, 'learning_rate': 0.0189830565212064, 'max_depth': 15, 'min_child_weight': 3.3488180615975613, 'n_estimators': 200, 'subsample': 0.8005368307128923}
Epoch : 168: f1_weighted Score 0.792 params {'colsample_bytree': 0.6847022058722252, 'gamma': 0.8526253644594287, 'learning_rate': 0.03947044330608185, 'max_depth': 13, 'min_child_weight': 3.023756974521737, 'n_estimators': 425, 'subsample': 0.9596743965748868}
Epoch : 169: f1_weighted Score 0.812 params {'colsample_bytree': 0.42286204963729096, 'gamma': 0.7764989073401061, 'learning_rate': 0.009117653234344495, 'max_depth': 17, 'min_child_weight': 8.050940666119644, 'n_estimators': 275, 'subsample': 0.8787786627016075}
Epoch : 170: f1_weighted Score 0.809 params {'colsample_bytree': 0.7084250798789624, 'gamma': 0.3422328682319471, 'learning_rate': 0.007673042977405829, 'max_depth': 12, 'min_child_weight': 7.179437715609484, 'n_estimators': 675, 'subsample': 0.8312692517723127}
Epoch : 171: f1_weighted Score 0.808 params {'colsample_bytree': 0.589086468749457, 'gamma': 0.9978684122919238, 'learning_rate': 0.009772904634987234, 'max_depth': 15, 'min_child_weight': 7.56900934513817, 'n_estimators': 725, 'subsample': 0.8573970684642354}
Epoch : 172: f1_weighted Score 0.808 params {'colsample_bytree': 0.5026582870129439, 'gamma': 0.9392977016058578, 'learning_rate': 0.01056453361755076, 'max_depth': 19, 'min_child_weight': 5.703820573430458, 'n_estimators': 550, 'subsample': 0.8200069155623815}
Epoch : 173: f1_weighted Score 0.809 params {'colsample_bytree': 0.47574152945950826, 'gamma': 0.7064433134939946, 'learning_rate': 0.01536709589744448, 'max_depth': 20, 'min_child_weight': 8.426676299474305, 'n_estimators': 400, 'subsample': 0.891028669672361}
Epoch : 174: f1_weighted Score 0.812 params {'colsample_bytree': 0.45417436209966705, 'gamma': 0.8753154323893275, 'learning_rate': 0.013035884336946251, 'max_depth': 16, 'min_child_weight': 7.828044696436502, 'n_estimators': 225, 'subsample': 0.8985640716279636}
Epoch : 175: f1_weighted Score 0.812 params {'colsample_bytree': 0.41220190574025584, 'gamma': 0.8224802712370003, 'learning_rate': 0.02560686322986414, 'max_depth': 18, 'min_child_weight': 6.181313110694307, 'n_estimators': 100, 'subsample': 0.87205182286843}
Epoch : 176: f1_weighted Score 0.808 params {'colsample_bytree': 0.565564055606181, 'gamma': 0.9190845292444716, 'learning_rate': 0.005063523115010915, 'max_depth': 16, 'min_child_weight': 4.951162888897185, 'n_estimators': 850, 'subsample': 0.9654776484486904}
Epoch : 177: f1_weighted Score 0.796 params {'colsample_bytree': 0.5208928374505162, 'gamma': 0.8871470673676409, 'learning_rate': 0.008564342268123496, 'max_depth': 17, 'min_child_weight': 4.044230165688523, 'n_estimators': 775, 'subsample': 0.8264496323462308}
Epoch : 178: f1_weighted Score 0.809 params {'colsample_bytree': 0.6533608152737977, 'gamma': 0.9878615862504078, 'learning_rate': 0.006912341295883837, 'max_depth': 14, 'min_child_weight': 6.3895773594292296, 'n_estimators': 625, 'subsample': 0.8480281082867946}
Epoch : 179: f1_weighted Score 0.812 params {'colsample_bytree': 0.3651194904077875, 'gamma': 0.5568725287121477, 'learning_rate': 0.011422309577267224, 'max_depth': 10, 'min_child_weight': 8.890356404124224, 'n_estimators': 350, 'subsample': 0.8631164606834768}
Epoch : 180: f1_weighted Score 0.799 params {'colsample_bytree': 0.7189647432762456, 'gamma': 0.9693507108905784, 'learning_rate': 0.021365706268887882, 'max_depth': 12, 'min_child_weight': 2.4854238545105547, 'n_estimators': 175, 'subsample': 0.8083093154932282}
Epoch : 181: f1_weighted Score 0.812 params {'colsample_bytree': 0.4376178919908667, 'gamma': 0.6648801706512295, 'learning_rate': 0.0176574609160615, 'max_depth': 13, 'min_child_weight': 7.373716526421264, 'n_estimators': 250, 'subsample': 0.910263501632688}
Epoch : 182: f1_weighted Score 0.812 params {'colsample_bytree': 0.3110322198940484, 'gamma': 0.6137827479847361, 'learning_rate': 0.02842427037986641, 'max_depth': 11, 'min_child_weight': 9.229943792007214, 'n_estimators': 150, 'subsample': 0.9426543816207049}
Epoch : 183: f1_weighted Score 0.812 params {'colsample_bytree': 0.7839725606417588, 'gamma': 0.18204260297168928, 'learning_rate': 0.0059852952702493375, 'max_depth': 9, 'min_child_weight': 9.978116184750355, 'n_estimators': 500, 'subsample': 0.8356542454728192}
Epoch : 184: f1_weighted Score 0.812 params {'colsample_bytree': 0.34432464118281336, 'gamma': 0.7207667769289009, 'learning_rate': 0.014176002757962172, 'max_depth': 2, 'min_child_weight': 8.29405285367026, 'n_estimators': 300, 'subsample': 0.9129594970225912}
Epoch : 185: f1_weighted Score 0.805 params {'colsample_bytree': 0.5493497158869789, 'gamma': 0.8521122092477722, 'learning_rate': 0.019881588317352473, 'max_depth': 14, 'min_child_weight': 5.972321537289895, 'n_estimators': 350, 'subsample': 0.9237625010614852}
Epoch : 186: f1_weighted Score 0.801 params {'colsample_bytree': 0.39515268680991067, 'gamma': 0.5236009024405205, 'learning_rate': 0.02940232938395941, 'max_depth': 13, 'min_child_weight': 3.6957649258938114, 'n_estimators': 75, 'subsample': 0.9339733056287091}
Epoch : 187: f1_weighted Score 0.805 params {'colsample_bytree': 0.43843272691412216, 'gamma': 0.6480872171676672, 'learning_rate': 0.03177093922789533, 'max_depth': 11, 'min_child_weight': 8.88401540038129, 'n_estimators': 250, 'subsample': 0.9109449511318803}
Epoch : 188: f1_weighted Score 0.805 params {'colsample_bytree': 0.4856399664716282, 'gamma': 0.6656814595652766, 'learning_rate': 0.016314742654130052, 'max_depth': 9, 'min_child_weight': 7.437939738658688, 'n_estimators': 450, 'subsample': 0.9051801795362127}
Epoch : 189: f1_weighted Score 0.800 params {'colsample_bytree': 0.6419775450663036, 'gamma': 0.9061357463565974, 'learning_rate': 0.03572517639030214, 'max_depth': 14, 'min_child_weight': 4.425270433605681, 'n_estimators': 400, 'subsample': 0.8409447035595271}
Epoch : 190: f1_weighted Score 0.800 params {'colsample_bytree': 0.608555985826022, 'gamma': 0.4433840064152412, 'learning_rate': 0.0120599811447408, 'max_depth': 15, 'min_child_weight': 4.135287709388311, 'n_estimators': 525, 'subsample': 0.9813619051435043}
Epoch : 191: f1_weighted Score 0.808 params {'colsample_bytree': 0.378240852056906, 'gamma': 0.5865590173497597, 'learning_rate': 0.055475498666815205, 'max_depth': 10, 'min_child_weight': 9.707101341661824, 'n_estimators': 150, 'subsample': 0.9701640116187618}
Epoch : 192: f1_weighted Score 0.809 params {'colsample_bytree': 0.7659642839513997, 'gamma': 0.7575588094338552, 'learning_rate': 0.0056104493788797245, 'max_depth': 8, 'min_child_weight': 6.8611825778101245, 'n_estimators': 575, 'subsample': 0.8805054971599352}
Epoch : 193: f1_weighted Score 0.811 params {'colsample_bytree': 0.46376797775493284, 'gamma': 0.7917453417364805, 'learning_rate': 0.01325806496090863, 'max_depth': 18, 'min_child_weight': 5.447325917012692, 'n_estimators': 300, 'subsample': 0.9179972282067254}
Epoch : 194: f1_weighted Score 0.799 params {'colsample_bytree': 0.42817696222076984, 'gamma': 0.6909203028726351, 'learning_rate': 0.01761925724319076, 'max_depth': 11, 'min_child_weight': 7.684970138901647, 'n_estimators': 625, 'subsample': 0.8751494811211827}
Epoch : 195: f1_weighted Score 0.812 params {'colsample_bytree': 0.4093390556414551, 'gamma': 0.502834122493959, 'learning_rate': 0.009094214964951984, 'max_depth': 12, 'min_child_weight': 7.986959200404591, 'n_estimators': 425, 'subsample': 0.8875954637588016}
Epoch : 196: f1_weighted Score 0.802 params {'colsample_bytree': 0.8695734774026393, 'gamma': 0.628597317712985, 'learning_rate': 0.02326265110353492, 'max_depth': 13, 'min_child_weight': 7.054831490678099, 'n_estimators': 475, 'subsample': 0.8023497288647368}
Epoch : 197: f1_weighted Score 0.812 params {'colsample_bytree': 0.3305369134678139, 'gamma': 0.5469175903983828, 'learning_rate': 0.010547562386794189, 'max_depth': 10, 'min_child_weight': 8.579397550487602, 'n_estimators': 375, 'subsample': 0.9077488469031865}
Epoch : 198: f1_weighted Score 0.809 params {'colsample_bytree': 0.6667362788667303, 'gamma': 0.027881469019087002, 'learning_rate': 0.007480648665238987, 'max_depth': 17, 'min_child_weight': 5.946494374275231, 'n_estimators': 600, 'subsample': 0.8647148356751599}
Epoch : 199: f1_weighted Score 0.808 params {'colsample_bytree': 0.50750930434873, 'gamma': 0.9992419726814071, 'learning_rate': 0.006647255122739034, 'max_depth': 15, 'min_child_weight': 5.675416967514527, 'n_estimators': 825, 'subsample': 0.8524737317545289}
Epoch : 200: f1_weighted Score 0.776 params {'colsample_bytree': 0.5333217228061431, 'gamma': 0.15400673664990366, 'learning_rate': 0.06300892941967011, 'max_depth': 19, 'min_child_weight': 2.8350733292004424, 'n_estimators': 700, 'subsample': 0.8142315728638828}
Epoch : 201: f1_weighted Score 0.812 params {'colsample_bytree': 0.4450504052120692, 'gamma': 0.733701998710802, 'learning_rate': 0.014983232712022301, 'max_depth': 12, 'min_child_weight': 6.656503662241057, 'n_estimators': 250, 'subsample': 0.8836100249302984}
Epoch : 202: f1_weighted Score 0.806 params {'colsample_bytree': 0.3624385023383917, 'gamma': 0.7297934447522033, 'learning_rate': 0.015422614215518953, 'max_depth': 11, 'min_child_weight': 6.628022961871762, 'n_estimators': 525, 'subsample': 0.8691889842699455}
Epoch : 203: f1_weighted Score 0.812 params {'colsample_bytree': 0.4750572452784919, 'gamma': 0.697619133272189, 'learning_rate': 0.00982339708755384, 'max_depth': 13, 'min_child_weight': 7.237660633040299, 'n_estimators': 275, 'subsample': 0.8963101358872213}
Epoch : 204: f1_weighted Score 0.812 params {'colsample_bytree': 0.38411584743365196, 'gamma': 0.8194372881401196, 'learning_rate': 0.021647922005545498, 'max_depth': 3, 'min_child_weight': 5.113701433153948, 'n_estimators': 100, 'subsample': 0.99283577808326}
Epoch : 205: f1_weighted Score 0.773 params {'colsample_bytree': 0.30411716428714286, 'gamma': 0.5997564601333596, 'learning_rate': 0.024897920263834857, 'max_depth': 12, 'min_child_weight': 8.7630530788667, 'n_estimators': 50, 'subsample': 0.8911049199877196}
Epoch : 206: f1_weighted Score 0.809 params {'colsample_bytree': 0.5118608300538294, 'gamma': 0.7613859962674763, 'learning_rate': 0.01378786594530868, 'max_depth': 10, 'min_child_weight': 9.419919672062532, 'n_estimators': 475, 'subsample': 0.8595158262645175}
Epoch : 207: f1_weighted Score 0.809 params {'colsample_bytree': 0.5922767895177488, 'gamma': 0.8372494046387212, 'learning_rate': 0.005452204637795204, 'max_depth': 5, 'min_child_weight': 6.475591828404045, 'n_estimators': 900, 'subsample': 0.837733036869792}
Epoch : 208: f1_weighted Score 0.812 params {'colsample_bytree': 0.49478656425667106, 'gamma': 0.7802025177351133, 'learning_rate': 0.011767337312836924, 'max_depth': 14, 'min_child_weight': 7.992907933385578, 'n_estimators': 325, 'subsample': 0.8739138417748578}
Epoch : 209: f1_weighted Score 0.812 params {'colsample_bytree': 0.40005297065361045, 'gamma': 0.8032746653830772, 'learning_rate': 0.00841212250219436, 'max_depth': 13, 'min_child_weight': 6.264824412113204, 'n_estimators': 225, 'subsample': 0.90097482259585}
Epoch : 210: f1_weighted Score 0.808 params {'colsample_bytree': 0.4512027724396498, 'gamma': 0.4659564655401989, 'learning_rate': 0.02654301548777047, 'max_depth': 8, 'min_child_weight': 4.800213110724252, 'n_estimators': 125, 'subsample': 0.9504651797014211}
Epoch : 211: f1_weighted Score 0.803 params {'colsample_bytree': 0.5663575347502273, 'gamma': 0.09697807162217165, 'learning_rate': 0.007345834412038553, 'max_depth': 16, 'min_child_weight': 3.969153431219185, 'n_estimators': 550, 'subsample': 0.9398602370493713}
Epoch : 212: f1_weighted Score 0.800 params {'colsample_bytree': 0.5525383812021737, 'gamma': 0.666860784159261, 'learning_rate': 0.019859784459837968, 'max_depth': 9, 'min_child_weight': 7.319870868136524, 'n_estimators': 1000, 'subsample': 0.8165877869172211}
Epoch : 213: f1_weighted Score 0.811 params {'colsample_bytree': 0.6320521693545024, 'gamma': 0.9234332693756052, 'learning_rate': 0.006268385486758401, 'max_depth': 15, 'min_child_weight': 5.797070880830728, 'n_estimators': 650, 'subsample': 0.8556085729548979}
Epoch : 214: f1_weighted Score 0.803 params {'colsample_bytree': 0.42050932823673354, 'gamma': 0.5665300023751899, 'learning_rate': 0.01866541999802412, 'max_depth': 16, 'min_child_weight': 3.4733689948746567, 'n_estimators': 200, 'subsample': 0.9292975951026952}
Epoch : 215: f1_weighted Score 0.801 params {'colsample_bytree': 0.688281603275656, 'gamma': 0.9629329817976976, 'learning_rate': 0.040680914176173096, 'max_depth': 20, 'min_child_weight': 5.235917579401083, 'n_estimators': 725, 'subsample': 0.830287644312432}
Epoch : 216: f1_weighted Score 0.799 params {'colsample_bytree': 0.6167736564903866, 'gamma': 0.8698084764535939, 'learning_rate': 0.00930720316089015, 'max_depth': 12, 'min_child_weight': 6.731378378379894, 'n_estimators': 1325, 'subsample': 0.8836942896506014}
Epoch : 217: f1_weighted Score 0.802 params {'colsample_bytree': 0.5322835626408275, 'gamma': 0.74797401131887, 'learning_rate': 0.045093642998981096, 'max_depth': 10, 'min_child_weight': 6.964303618317242, 'n_estimators': 425, 'subsample': 0.8446864646734731}
Epoch : 218: f1_weighted Score 0.811 params {'colsample_bytree': 0.3567487612250058, 'gamma': 0.406640475060019, 'learning_rate': 0.014801275413982224, 'max_depth': 11, 'min_child_weight': 6.155396251077072, 'n_estimators': 350, 'subsample': 0.8635380656898469}
Epoch : 219: f1_weighted Score 0.814 params {'colsample_bytree': 0.3218852232919956, 'gamma': 0.6858145453933453, 'learning_rate': 0.0172362321932385, 'max_depth': 18, 'min_child_weight': 4.614679403533522, 'n_estimators': 200, 'subsample': 0.9553005050483343}
Epoch : 220: f1_weighted Score 0.796 params {'colsample_bytree': 0.3071313362292382, 'gamma': 0.6382628410624812, 'learning_rate': 0.007952649015082759, 'max_depth': 20, 'min_child_weight': 3.1733945593314545, 'n_estimators': 1200, 'subsample': 0.8252540134469697}
Epoch : 221: f1_weighted Score 0.778 params {'colsample_bytree': 0.3403051129484661, 'gamma': 0.8866717152745747, 'learning_rate': 0.15761151258598344, 'max_depth': 18, 'min_child_weight': 4.660752277204346, 'n_estimators': 800, 'subsample': 0.9848849045366673}
Epoch : 222: f1_weighted Score 0.800 params {'colsample_bytree': 0.31561244949447637, 'gamma': 0.5791191688080755, 'learning_rate': 0.012426589226414961, 'max_depth': 17, 'min_child_weight': 2.6599020218350042, 'n_estimators': 500, 'subsample': 0.9672513165192307}
Epoch : 223: f1_weighted Score 0.800 params {'colsample_bytree': 0.3755671260430931, 'gamma': 0.5312922253053021, 'learning_rate': 0.017120948438368432, 'max_depth': 19, 'min_child_weight': 5.604823514580366, 'n_estimators': 375, 'subsample': 0.9903415740244572}
Epoch : 224: f1_weighted Score 0.796 params {'colsample_bytree': 0.3280238882725958, 'gamma': 0.4895846091939372, 'learning_rate': 0.03469352888817196, 'max_depth': 8, 'min_child_weight': 1.6191999787092297, 'n_estimators': 125, 'subsample': 0.9560905296499626}
Epoch : 225: f1_weighted Score 0.806 params {'colsample_bytree': 0.3444051679050471, 'gamma': 0.6143950708964973, 'learning_rate': 0.032836324926268916, 'max_depth': 7, 'min_child_weight': 3.7773287195938043, 'n_estimators': 75, 'subsample': 0.9205653668902775}
Epoch : 226: f1_weighted Score 0.802 params {'colsample_bytree': 0.39236617044879457, 'gamma': 0.713385291072554, 'learning_rate': 0.02804929502291498, 'max_depth': 6, 'min_child_weight': 4.181958426626784, 'n_estimators': 225, 'subsample': 0.8939593547588613}
Epoch : 227: f1_weighted Score 0.802 params {'colsample_bytree': 0.3214540476598517, 'gamma': 0.688715401505757, 'learning_rate': 0.021909565526461765, 'max_depth': 7, 'min_child_weight': 4.364676190493677, 'n_estimators': 325, 'subsample': 0.976165904558405}
Epoch : 228: f1_weighted Score 0.797 params {'colsample_bytree': 0.7987043040473845, 'gamma': 0.6671651253621713, 'learning_rate': 0.10294628226437927, 'max_depth': 19, 'min_child_weight': 4.87019617484955, 'n_estimators': 1050, 'subsample': 0.9594422336001265}
Epoch : 229: f1_weighted Score 0.790 params {'colsample_bytree': 0.9108103357095727, 'gamma': 0.5055646922990186, 'learning_rate': 0.08720458466828171, 'max_depth': 14, 'min_child_weight': 4.544002835026758, 'n_estimators': 1250, 'subsample': 0.9992180772921784}
Epoch : 230: f1_weighted Score 0.814 params {'colsample_bytree': 0.36041197343706044, 'gamma': 0.6528442329957955, 'learning_rate': 0.010338400477786955, 'max_depth': 20, 'min_child_weight': 5.422426941854822, 'n_estimators': 275, 'subsample': 0.9527702488122519}
Epoch : 231: f1_weighted Score 0.791 params {'colsample_bytree': 0.3026200256058218, 'gamma': 0.6552717479158507, 'learning_rate': 0.010827316358380341, 'max_depth': 19, 'min_child_weight': 1.1296758032877086, 'n_estimators': 250, 'subsample': 0.9457655489738918}
Epoch : 232: f1_weighted Score 0.799 params {'colsample_bytree': 0.9374921561918302, 'gamma': 0.6277648191837976, 'learning_rate': 0.008584216427535098, 'max_depth': 18, 'min_child_weight': 4.989891234521962, 'n_estimators': 1500, 'subsample': 0.9766424865353543}
Epoch : 233: f1_weighted Score 0.802 params {'colsample_bytree': 0.3658936226099534, 'gamma': 0.7272861361834292, 'learning_rate': 0.013521775197284853, 'max_depth': 20, 'min_child_weight': 2.3080734232351543, 'n_estimators': 175, 'subsample': 0.9619194733588277}
Epoch : 234: f1_weighted Score 0.796 params {'colsample_bytree': 0.3480377128294895, 'gamma': 0.5481302364166584, 'learning_rate': 0.016244520060580806, 'max_depth': 19, 'min_child_weight': 3.57290156250992, 'n_estimators': 75, 'subsample': 0.949711627019601}
Epoch : 235: f1_weighted Score 0.799 params {'colsample_bytree': 0.30149648497103687, 'gamma': 0.4521283086659895, 'learning_rate': 0.037690767083455555, 'max_depth': 18, 'min_child_weight': 3.109518314786608, 'n_estimators': 150, 'subsample': 0.9347260090543275}
Epoch : 236: f1_weighted Score 0.808 params {'colsample_bytree': 0.4060505564545505, 'gamma': 0.7721700941067631, 'learning_rate': 0.011154910443715174, 'max_depth': 18, 'min_child_weight': 3.3267468204712998, 'n_estimators': 275, 'subsample': 0.9864565481360894}
Epoch : 237: f1_weighted Score 0.794 params {'colsample_bytree': 0.8521693854342038, 'gamma': 0.5973872107578464, 'learning_rate': 0.006550237589015437, 'max_depth': 17, 'min_child_weight': 2.0830614174870052, 'n_estimators': 950, 'subsample': 0.9681699252353952}
Epoch : 238: f1_weighted Score 0.809 params {'colsample_bytree': 0.7320245026306713, 'gamma': 0.4787556131972169, 'learning_rate': 0.005049188299774447, 'max_depth': 19, 'min_child_weight': 5.384185881524837, 'n_estimators': 675, 'subsample': 0.9958642362064539}
Epoch : 239: f1_weighted Score 0.803 params {'colsample_bytree': 0.3702986340867517, 'gamma': 0.6980793096552803, 'learning_rate': 0.01010333198347082, 'max_depth': 20, 'min_child_weight': 3.9278866433974917, 'n_estimators': 400, 'subsample': 0.9728696336014041}
Epoch : 240: f1_weighted Score 0.809 params {'colsample_bytree': 0.32174826927260664, 'gamma': 0.43958773599353856, 'learning_rate': 0.019899606543004114, 'max_depth': 4, 'min_child_weight': 2.9442323009998472, 'n_estimators': 200, 'subsample': 0.9531383422874633}
Epoch : 241: f1_weighted Score 0.804 params {'colsample_bytree': 0.3008574824976083, 'gamma': 0.3577825101044472, 'learning_rate': 0.005589104555778083, 'max_depth': 20, 'min_child_weight': 4.712014495758235, 'n_estimators': 875, 'subsample': 0.982998686201318}
Epoch : 242: f1_weighted Score 0.809 params {'colsample_bytree': 0.465412179244323, 'gamma': 0.3872423401804487, 'learning_rate': 0.007978064625987085, 'max_depth': 20, 'min_child_weight': 5.496385584391315, 'n_estimators': 575, 'subsample': 0.9447937229238277}
Epoch : 243: f1_weighted Score 0.802 params {'colsample_bytree': 0.8152423877414444, 'gamma': 0.5108679119739364, 'learning_rate': 0.006011003958353155, 'max_depth': 18, 'min_child_weight': 4.319052098432217, 'n_estimators': 775, 'subsample': 0.9639672196349961}
Epoch : 244: f1_weighted Score 0.812 params {'colsample_bytree': 0.416695083123056, 'gamma': 0.5699690937498717, 'learning_rate': 0.01264179790777936, 'max_depth': 2, 'min_child_weight': 6.072521994975123, 'n_estimators': 300, 'subsample': 0.9309633810281394}
Epoch : 245: f1_weighted Score 0.811 params {'colsample_bytree': 0.9679949655003788, 'gamma': 0.6805158962925202, 'learning_rate': 0.007302638841962082, 'max_depth': 17, 'min_child_weight': 5.84945464667466, 'n_estimators': 450, 'subsample': 0.9773397790886824}
Epoch : 246: f1_weighted Score 0.809 params {'colsample_bytree': 0.3341579535304505, 'gamma': 0.7966504994145762, 'learning_rate': 0.009241341984314016, 'max_depth': 19, 'min_child_weight': 5.104561961893069, 'n_estimators': 450, 'subsample': 0.9404783789977131}
Epoch : 247: f1_weighted Score 0.794 params {'colsample_bytree': 0.39041196479960805, 'gamma': 0.7561892198989266, 'learning_rate': 0.011391088811117257, 'max_depth': 19, 'min_child_weight': 2.7278292732885268, 'n_estimators': 600, 'subsample': 0.9236490735685295}
Epoch : 248: f1_weighted Score 0.809 params {'colsample_bytree': 0.43185601375565014, 'gamma': 0.8445614093358421, 'learning_rate': 0.009604754978556233, 'max_depth': 20, 'min_child_weight': 5.28099303949691, 'n_estimators': 550, 'subsample': 0.9161604741488115}
Epoch : 249: f1_weighted Score 0.800 params {'colsample_bytree': 0.9928552071295187, 'gamma': 0.29020606021945333, 'learning_rate': 0.006998565813877739, 'max_depth': 17, 'min_child_weight': 3.559985738468531, 'n_estimators': 625, 'subsample': 0.9898318341271614}
Epoch : 250: f1_weighted Score 0.812 params {'colsample_bytree': 0.3570942454105471, 'gamma': 0.8114760757618417, 'learning_rate': 0.024606633338684274, 'max_depth': 5, 'min_child_weight': 4.140587123987809, 'n_estimators': 100, 'subsample': 0.9259473599854406}
Epoch : 251: f1_weighted Score 0.804 params {'colsample_bytree': 0.3732896284101615, 'gamma': 0.5308158089481666, 'learning_rate': 0.022930040158689657, 'max_depth': 6, 'min_child_weight': 2.480318073303341, 'n_estimators': 200, 'subsample': 0.9571701993831658}
Epoch : 252: f1_weighted Score 0.810 params {'colsample_bytree': 0.44103493033022123, 'gamma': 0.7274340919494164, 'learning_rate': 0.014217791460877188, 'max_depth': 9, 'min_child_weight': 6.604784638103693, 'n_estimators': 50, 'subsample': 0.9523778968137393}
Epoch : 253: f1_weighted Score 0.802 params {'colsample_bytree': 0.8979568682522476, 'gamma': 0.4034788500921524, 'learning_rate': 0.005394980946565724, 'max_depth': 18, 'min_child_weight': 3.8951935516346827, 'n_estimators': 750, 'subsample': 0.9630210031248343}
Epoch : 254: f1_weighted Score 0.789 params {'colsample_bytree': 0.38495364404933746, 'gamma': 0.6424890930104388, 'learning_rate': 0.015626787285462046, 'max_depth': 7, 'min_child_weight': 4.451414103308864, 'n_estimators': 1125, 'subsample': 0.9827688556231322}
Epoch : 255: f1_weighted Score 0.791 params {'colsample_bytree': 0.48319656686677104, 'gamma': 0.6190094255296698, 'learning_rate': 0.017086735630491318, 'max_depth': 11, 'min_child_weight': 0.6920584619550656, 'n_estimators': 325, 'subsample': 0.9310805904589146}
Epoch : 256: f1_weighted Score 0.787 params {'colsample_bytree': 0.3207933823665197, 'gamma': 0.595308467460184, 'learning_rate': 0.020572979641047956, 'max_depth': 20, 'min_child_weight': 1.8999002512103726, 'n_estimators': 125, 'subsample': 0.9374486491401636}
Epoch : 257: f1_weighted Score 0.809 params {'colsample_bytree': 0.34200711311587345, 'gamma': 0.55943175100457, 'learning_rate': 0.013211884976708051, 'max_depth': 9, 'min_child_weight': 4.89071164455089, 'n_estimators': 275, 'subsample': 0.9471611351534519}
Epoch : 258: f1_weighted Score 0.812 params {'colsample_bytree': 0.4116915548330952, 'gamma': 0.7415644162043236, 'learning_rate': 0.014589567878404184, 'max_depth': 12, 'min_child_weight': 7.54796119384188, 'n_estimators': 150, 'subsample': 0.887999464773874}
Epoch : 259: f1_weighted Score 0.793 params {'colsample_bytree': 0.461248642467309, 'gamma': 0.7790112687617025, 'learning_rate': 0.03008378584764176, 'max_depth': 12, 'min_child_weight': 5.66125047959422, 'n_estimators': 375, 'subsample': 0.8783049360759838}
Epoch : 260: f1_weighted Score 0.811 params {'colsample_bytree': 0.43594355386896066, 'gamma': 0.7061499464623118, 'learning_rate': 0.008709392371994557, 'max_depth': 16, 'min_child_weight': 6.407380186377726, 'n_estimators': 425, 'subsample': 0.9118369053325457}
Epoch : 261: f1_weighted Score 0.812 params {'colsample_bytree': 0.39622054128784645, 'gamma': 0.7152468806084245, 'learning_rate': 0.010745393354866392, 'max_depth': 14, 'min_child_weight': 5.964063368228084, 'n_estimators': 250, 'subsample': 0.9740090701523094}
Epoch : 262: f1_weighted Score 0.811 params {'colsample_bytree': 0.45340777415354067, 'gamma': 0.9487036164024331, 'learning_rate': 0.018622752842316483, 'max_depth': 16, 'min_child_weight': 4.696667266264259, 'n_estimators': 175, 'subsample': 0.9414225918292913}
Epoch : 263: f1_weighted Score 0.810 params {'colsample_bytree': 0.3540247409867645, 'gamma': 0.6376767282287661, 'learning_rate': 0.01871148422887371, 'max_depth': 15, 'min_child_weight': 5.2183665589936385, 'n_estimators': 100, 'subsample': 0.933753394742096}
Epoch : 264: f1_weighted Score 0.812 params {'colsample_bytree': 0.5206728373525126, 'gamma': 0.9030644117311047, 'learning_rate': 0.0050134257612323915, 'max_depth': 17, 'min_child_weight': 5.464665405419634, 'n_estimators': 525, 'subsample': 0.8203753379762304}
Epoch : 265: f1_weighted Score 0.814 params {'colsample_bytree': 0.42408526006253255, 'gamma': 0.7456917466162857, 'learning_rate': 0.012083013536006543, 'max_depth': 18, 'min_child_weight': 5.043378511902679, 'n_estimators': 225, 'subsample': 0.9565202781434937}
Epoch : 266: f1_weighted Score 0.810 params {'colsample_bytree': 0.42590899613322025, 'gamma': 0.8358661971564051, 'learning_rate': 0.011631956041327678, 'max_depth': 19, 'min_child_weight': 3.3542507067516225, 'n_estimators': 225, 'subsample': 0.9702779561520807}
Epoch : 267: f1_weighted Score 0.808 params {'colsample_bytree': 0.7517607639449394, 'gamma': 0.7592687820336921, 'learning_rate': 0.0067907415610326816, 'max_depth': 17, 'min_child_weight': 3.7237206346941982, 'n_estimators': 400, 'subsample': 0.9574953355165065}
Epoch : 268: f1_weighted Score 0.811 params {'colsample_bytree': 0.37534996308746443, 'gamma': 0.663411227607981, 'learning_rate': 0.010392600429915067, 'max_depth': 20, 'min_child_weight': 4.369145572939235, 'n_estimators': 275, 'subsample': 0.9617560666490331}
Epoch : 269: f1_weighted Score 0.808 params {'colsample_bytree': 0.49747205940721173, 'gamma': 0.8130536025358223, 'learning_rate': 0.01203190116175443, 'max_depth': 18, 'min_child_weight': 4.070573141501964, 'n_estimators': 50, 'subsample': 0.9480750322371719}
Epoch : 270: f1_weighted Score 0.812 params {'colsample_bytree': 0.3524020608570206, 'gamma': 0.6890634186659629, 'learning_rate': 0.006113913004080355, 'max_depth': 18, 'min_child_weight': 4.933303366740214, 'n_estimators': 475, 'subsample': 0.9808821556584076}
Epoch : 271: f1_weighted Score 0.810 params {'colsample_bytree': 0.3120647236205008, 'gamma': 0.6893774444198987, 'learning_rate': 0.006215460143114629, 'max_depth': 20, 'min_child_weight': 5.031228808162428, 'n_estimators': 475, 'subsample': 0.9784205613957746}
Epoch : 272: f1_weighted Score 0.805 params {'colsample_bytree': 0.33194991037919724, 'gamma': 0.6560798143195846, 'learning_rate': 0.017748814628671842, 'max_depth': 19, 'min_child_weight': 4.674198681484919, 'n_estimators': 350, 'subsample': 0.9546321312647045}
Epoch : 273: f1_weighted Score 0.811 params {'colsample_bytree': 0.4716446374600162, 'gamma': 0.8632045844630976, 'learning_rate': 0.01568405626118254, 'max_depth': 18, 'min_child_weight': 4.2352059173064545, 'n_estimators': 175, 'subsample': 0.9436949507559683}
Epoch : 274: f1_weighted Score 0.810 params {'colsample_bytree': 0.40506938196431663, 'gamma': 0.7823247973723796, 'learning_rate': 0.013380887275224929, 'max_depth': 16, 'min_child_weight': 4.5072268797374715, 'n_estimators': 100, 'subsample': 0.9372204224093644}
Epoch : 275: f1_weighted Score 0.811 params {'colsample_bytree': 0.3841220152364332, 'gamma': 0.6286312516127913, 'learning_rate': 0.026823977732707695, 'max_depth': 19, 'min_child_weight': 6.163801814078604, 'n_estimators': 200, 'subsample': 0.9670030746923449}
Epoch : 276: f1_weighted Score 0.805 params {'colsample_bytree': 0.3620727091758684, 'gamma': 0.74230904895229, 'learning_rate': 0.008734729244489535, 'max_depth': 17, 'min_child_weight': 5.794320527967649, 'n_estimators': 675, 'subsample': 0.9940167753779702}
Epoch : 277: f1_weighted Score 0.803 params {'colsample_bytree': 0.4160035173367756, 'gamma': 0.5835997206152628, 'learning_rate': 0.012339943195894739, 'max_depth': 13, 'min_child_weight': 2.9926971600829084, 'n_estimators': 325, 'subsample': 0.9079205406489165}
Epoch : 278: f1_weighted Score 0.799 params {'colsample_bytree': 0.4509735897132735, 'gamma': 0.8221611058931095, 'learning_rate': 0.1135688696854248, 'max_depth': 15, 'min_child_weight': 3.682092867880823, 'n_estimators': 300, 'subsample': 0.9887703495377678}
Epoch : 279: f1_weighted Score 0.810 params {'colsample_bytree': 0.3251682566181557, 'gamma': 0.7914056104415705, 'learning_rate': 0.0074277689130361835, 'max_depth': 16, 'min_child_weight': 5.446876310181452, 'n_estimators': 550, 'subsample': 0.804383579612062}
Epoch : 280: f1_weighted Score 0.811 params {'colsample_bytree': 0.4835234072774556, 'gamma': 0.8604898916606657, 'learning_rate': 0.007982485289354175, 'max_depth': 20, 'min_child_weight': 6.85879690114055, 'n_estimators': 500, 'subsample': 0.9515211547522214}
Epoch : 281: f1_weighted Score 0.801 params {'colsample_bytree': 0.39331293643121884, 'gamma': 0.8843574964840712, 'learning_rate': 0.009870052796715812, 'max_depth': 20, 'min_child_weight': 3.9629794847757296, 'n_estimators': 150, 'subsample': 0.9599939787100383}
Epoch : 282: f1_weighted Score 0.793 params {'colsample_bytree': 0.30225094923952267, 'gamma': 0.7062385513425367, 'learning_rate': 0.022072875878316568, 'max_depth': 18, 'min_child_weight': 3.1614985298479192, 'n_estimators': 350, 'subsample': 0.9701996987441438}
Epoch : 283: f1_weighted Score 0.786 params {'colsample_bytree': 0.42801514129347434, 'gamma': 0.6076892563787323, 'learning_rate': 0.01636730559354405, 'max_depth': 19, 'min_child_weight': 0.0808686445136999, 'n_estimators': 250, 'subsample': 0.9260638788674611}
Epoch : 284: f1_weighted Score 0.806 params {'colsample_bytree': 0.8291462943005363, 'gamma': 0.6721163154114462, 'learning_rate': 0.008975692078639479, 'max_depth': 17, 'min_child_weight': 5.270453983237881, 'n_estimators': 625, 'subsample': 0.8091340310986597}
Epoch : 285: f1_weighted Score 0.806 params {'colsample_bytree': 0.8855010423352921, 'gamma': 0.5457667962942139, 'learning_rate': 0.006658575957834421, 'max_depth': 15, 'min_child_weight': 5.753492393837842, 'n_estimators': 725, 'subsample': 0.9745388353457048}
Epoch : 286: f1_weighted Score 0.809 params {'colsample_bytree': 0.7035680410403318, 'gamma': 0.7656413824125059, 'learning_rate': 0.005848972512327195, 'max_depth': 18, 'min_child_weight': 4.789479956625577, 'n_estimators': 650, 'subsample': 0.8004069040274294}
Epoch : 287: f1_weighted Score 0.812 params {'colsample_bytree': 0.36923530098084323, 'gamma': 0.8433754328761401, 'learning_rate': 0.013892296174424756, 'max_depth': 10, 'min_child_weight': 9.990015099967748, 'n_estimators': 375, 'subsample': 0.9644401346134165}
Epoch : 288: f1_weighted Score 0.802 params {'colsample_bytree': 0.3403565391645899, 'gamma': 0.6490594623167785, 'learning_rate': 0.023484796595679272, 'max_depth': 14, 'min_child_weight': 4.25865522139916, 'n_estimators': 225, 'subsample': 0.9290290265131423}
Epoch : 289: f1_weighted Score 0.809 params {'colsample_bytree': 0.3526581767950864, 'gamma': 0.6869391956297579, 'learning_rate': 0.007771821321007596, 'max_depth': 19, 'min_child_weight': 4.994617895066737, 'n_estimators': 425, 'subsample': 0.9806831530759145}
Epoch : 290: f1_weighted Score 0.792 params {'colsample_bytree': 0.4012379047254708, 'gamma': 0.6101165212853396, 'learning_rate': 0.011328731004558425, 'max_depth': 8, 'min_child_weight': 3.448419778200517, 'n_estimators': 75, 'subsample': 0.9993993236297721}
Epoch : 291: f1_weighted Score 0.810 params {'colsample_bytree': 0.49084585801144415, 'gamma': 0.7364098052005812, 'learning_rate': 0.01966964057912059, 'max_depth': 17, 'min_child_weight': 4.520353605703737, 'n_estimators': 125, 'subsample': 0.9188612673527169}
Epoch : 292: f1_weighted Score 0.810 params {'colsample_bytree': 0.4660115724521227, 'gamma': 0.8036942133362083, 'learning_rate': 0.01276200635520341, 'max_depth': 19, 'min_child_weight': 5.219593295338889, 'n_estimators': 50, 'subsample': 0.944971683930482}
Epoch : 293: f1_weighted Score 0.808 params {'colsample_bytree': 0.444733366826098, 'gamma': 0.7215969573284409, 'learning_rate': 0.015058950311684754, 'max_depth': 16, 'min_child_weight': 3.8175098780420273, 'n_estimators': 175, 'subsample': 0.9410499567723097}
Epoch : 294: f1_weighted Score 0.812 params {'colsample_bytree': 0.30166616362834003, 'gamma': 0.7432508184879812, 'learning_rate': 0.010844652995964646, 'max_depth': 6, 'min_child_weight': 6.296828100941192, 'n_estimators': 300, 'subsample': 0.955643297033979}
Epoch : 295: f1_weighted Score 0.812 params {'colsample_bytree': 0.3817516449753281, 'gamma': 0.470906614233109, 'learning_rate': 0.01712330635256656, 'max_depth': 11, 'min_child_weight': 7.056634543349797, 'n_estimators': 225, 'subsample': 0.9342033314453538}
Epoch : 296: f1_weighted Score 0.805 params {'colsample_bytree': 0.539845395649444, 'gamma': 0.7733742308043682, 'learning_rate': 0.007222770146229522, 'max_depth': 15, 'min_child_weight': 5.524140418483356, 'n_estimators': 925, 'subsample': 0.8334464849858301}
Epoch : 297: f1_weighted Score 0.799 params {'colsample_bytree': 0.31259337783743124, 'gamma': 0.5792229184138761, 'learning_rate': 0.005020861471294586, 'max_depth': 18, 'min_child_weight': 4.808536356265543, 'n_estimators': 475, 'subsample': 0.9867791161162333}
Epoch : 298: f1_weighted Score 0.812 params {'colsample_bytree': 0.41868826632468215, 'gamma': 0.5327520784864483, 'learning_rate': 0.009988846670337777, 'max_depth': 3, 'min_child_weight': 6.53352065386948, 'n_estimators': 250, 'subsample': 0.902956345084683}
Epoch : 299: f1_weighted Score 0.811 params {'colsample_bytree': 0.5107216124529669, 'gamma': 0.9262641767637517, 'learning_rate': 0.009562450279062606, 'max_depth': 20, 'min_child_weight': 6.026441723950412, 'n_estimators': 400, 'subsample': 0.9142997240427366}
Epoch : 300: f1_weighted Score 0.811 params {'colsample_bytree': 0.3317237118497215, 'gamma': 0.4300354289281775, 'learning_rate': 0.021265462149911783, 'max_depth': 10, 'min_child_weight': 7.7300847298843065, 'n_estimators': 325, 'subsample': 0.9334492388685485}
Epoch : 301: f1_weighted Score 0.812 params {'colsample_bytree': 0.3579630265665494, 'gamma': 0.6814984474661384, 'learning_rate': 0.00620168741731872, 'max_depth': 18, 'min_child_weight': 4.108911296929602, 'n_estimators': 450, 'subsample': 0.9843951307721348}
Epoch : 302: f1_weighted Score 0.787 params {'colsample_bytree': 0.3200103687945727, 'gamma': 0.5966304178127882, 'learning_rate': 0.005396516754146559, 'max_depth': 19, 'min_child_weight': 2.2145436146109714, 'n_estimators': 375, 'subsample': 0.9965566916936206}
Epoch : 303: f1_weighted Score 0.809 params {'colsample_bytree': 0.4786437767506961, 'gamma': 0.8279926592210265, 'learning_rate': 0.0247477428246644, 'max_depth': 13, 'min_child_weight': 9.085635605890083, 'n_estimators': 275, 'subsample': 0.9230584873319266}
Epoch : 304: f1_weighted Score 0.803 params {'colsample_bytree': 0.3468997983060449, 'gamma': 0.5003101230147476, 'learning_rate': 0.00838310089279491, 'max_depth': 18, 'min_child_weight': 5.022216280488137, 'n_estimators': 575, 'subsample': 0.9671751248328295}
Epoch : 305: f1_weighted Score 0.805 params {'colsample_bytree': 0.5763098722482211, 'gamma': 0.7101643679125875, 'learning_rate': 0.007641982362139822, 'max_depth': 16, 'min_child_weight': 5.60685541233754, 'n_estimators': 825, 'subsample': 0.8127713179926579}
Epoch : 306: f1_weighted Score 0.811 params {'colsample_bytree': 0.521462000256685, 'gamma': 0.8829845882767067, 'learning_rate': 0.008272897402081588, 'max_depth': 17, 'min_child_weight': 6.278112898944941, 'n_estimators': 525, 'subsample': 0.9585229221029681}
Epoch : 307: f1_weighted Score 0.805 params {'colsample_bytree': 0.3721788997342604, 'gamma': 0.6288325921261553, 'learning_rate': 0.009220082695274598, 'max_depth': 20, 'min_child_weight': 4.423647758651803, 'n_estimators': 425, 'subsample': 0.9745485597986627}
Epoch : 308: f1_weighted Score 0.806 params {'colsample_bytree': 0.4053867679183784, 'gamma': 0.9105096009152688, 'learning_rate': 0.012409688109351289, 'max_depth': 12, 'min_child_weight': 1.6864935111307942, 'n_estimators': 200, 'subsample': 0.9511298253096128}
Epoch : 309: f1_weighted Score 0.812 params {'colsample_bytree': 0.4290421711438021, 'gamma': 0.7311110769214866, 'learning_rate': 0.013767713809448544, 'max_depth': 9, 'min_child_weight': 5.911568062418641, 'n_estimators': 125, 'subsample': 0.9194443559260522}
Epoch : 310: f1_weighted Score 0.808 params {'colsample_bytree': 0.441633439315283, 'gamma': 0.5600118151069567, 'learning_rate': 0.01736998011267434, 'max_depth': 5, 'min_child_weight': 2.629086002678659, 'n_estimators': 150, 'subsample': 0.9382325859774672}
Epoch : 311: f1_weighted Score 0.789 params {'colsample_bytree': 0.502268175381967, 'gamma': 0.8068835672580214, 'learning_rate': 0.01583505714959138, 'max_depth': 14, 'min_child_weight': 1.445626521705213, 'n_estimators': 350, 'subsample': 0.8984447956570019}
Epoch : 312: f1_weighted Score 0.810 params {'colsample_bytree': 0.3361094062589149, 'gamma': 0.6458123769996158, 'learning_rate': 0.005752980393802427, 'max_depth': 3, 'min_child_weight': 3.924459138535423, 'n_estimators': 500, 'subsample': 0.9927280759209834}
Epoch : 313: f1_weighted Score 0.790 params {'colsample_bytree': 0.46632596433934626, 'gamma': 0.9742164438880763, 'learning_rate': 0.03149530722951062, 'max_depth': 11, 'min_child_weight': 3.361495940091979, 'n_estimators': 300, 'subsample': 0.946483067989196}
Epoch : 314: f1_weighted Score 0.799 params {'colsample_bytree': 0.30095442447540605, 'gamma': 0.6781891118559282, 'learning_rate': 0.006312726537096244, 'max_depth': 20, 'min_child_weight': 4.687448549985054, 'n_estimators': 1400, 'subsample': 0.9810338403110833}
Epoch : 315: f1_weighted Score 0.795 params {'colsample_bytree': 0.30061536819997126, 'gamma': 0.7812498984994585, 'learning_rate': 0.005071493766204177, 'max_depth': 19, 'min_child_weight': 2.7980282153806444, 'n_estimators': 600, 'subsample': 0.9624663756847582}
Epoch : 316: f1_weighted Score 0.812 params {'colsample_bytree': 0.3887885010360568, 'gamma': 0.7580095897231105, 'learning_rate': 0.005739575994594087, 'max_depth': 18, 'min_child_weight': 5.309887437030857, 'n_estimators': 450, 'subsample': 0.9716925979806436}
Epoch : 317: f1_weighted Score 0.793 params {'colsample_bytree': 0.4103647688656908, 'gamma': 0.652622699853808, 'learning_rate': 0.010833310708973656, 'max_depth': 8, 'min_child_weight': 6.677221090028697, 'n_estimators': 75, 'subsample': 0.9271769179270352}
Epoch : 318: f1_weighted Score 0.808 params {'colsample_bytree': 0.8030923321399077, 'gamma': 0.8541860605599081, 'learning_rate': 0.006940703039337103, 'max_depth': 15, 'min_child_weight': 5.672020066464451, 'n_estimators': 725, 'subsample': 0.82012350460731}
Epoch : 319: f1_weighted Score 0.805 params {'colsample_bytree': 0.35988902887076213, 'gamma': 0.7026069413344941, 'learning_rate': 0.010268730926107496, 'max_depth': 19, 'min_child_weight': 4.932290599996351, 'n_estimators': 400, 'subsample': 0.999321824565647}
Epoch : 320: f1_weighted Score 0.810 params {'colsample_bytree': 0.3762160261113211, 'gamma': 0.33014579144678124, 'learning_rate': 0.020601032555600585, 'max_depth': 10, 'min_child_weight': 7.157729111946255, 'n_estimators': 100, 'subsample': 0.9537384149667022}
Epoch : 321: f1_weighted Score 0.812 params {'colsample_bytree': 0.4475233191458396, 'gamma': 0.5220800293159057, 'learning_rate': 0.014735253381122825, 'max_depth': 12, 'min_child_weight': 6.405763344211695, 'n_estimators': 200, 'subsample': 0.944210033246878}
Epoch : 322: f1_weighted Score 0.805 params {'colsample_bytree': 0.6741523150740556, 'gamma': 0.8328286091600869, 'learning_rate': 0.008739294635039859, 'max_depth': 17, 'min_child_weight': 5.941674710371376, 'n_estimators': 800, 'subsample': 0.8050054009030266}
Epoch : 323: f1_weighted Score 0.793 params {'colsample_bytree': 0.4334562245358584, 'gamma': 0.6166821094681825, 'learning_rate': 0.027651027794558355, 'max_depth': 13, 'min_child_weight': 3.595166630586289, 'n_estimators': 275, 'subsample': 0.9222067591086792}
Epoch : 324: f1_weighted Score 0.809 params {'colsample_bytree': 0.5435349785350067, 'gamma': 0.9495276079692261, 'learning_rate': 0.007705770271596541, 'max_depth': 17, 'min_child_weight': 6.186471031311465, 'n_estimators': 675, 'subsample': 0.853173132641095}
Epoch : 325: f1_weighted Score 0.812 params {'colsample_bytree': 0.45675763916573103, 'gamma': 0.6598565040066503, 'learning_rate': 0.018549253994504505, 'max_depth': 14, 'min_child_weight': 7.348279796934919, 'n_estimators': 175, 'subsample': 0.9076643576365404}
Epoch : 326: f1_weighted Score 0.806 params {'colsample_bytree': 0.5593798770110701, 'gamma': 0.795235354205831, 'learning_rate': 0.011538383884214019, 'max_depth': 16, 'min_child_weight': 5.130466851181658, 'n_estimators': 525, 'subsample': 0.8431990612478283}
Epoch : 327: f1_weighted Score 0.811 params {'colsample_bytree': 0.4891502900155032, 'gamma': 0.9033289921446358, 'learning_rate': 0.022138853020025082, 'max_depth': 16, 'min_child_weight': 4.282991581667258, 'n_estimators': 125, 'subsample': 0.9376984386371022}
Epoch : 328: f1_weighted Score 0.808 params {'colsample_bytree': 0.39992438478841175, 'gamma': 0.8670284484580761, 'learning_rate': 0.009552611065342791, 'max_depth': 17, 'min_child_weight': 4.706689188306403, 'n_estimators': 550, 'subsample': 0.8592205571220543}
Epoch : 329: f1_weighted Score 0.808 params {'colsample_bytree': 0.7794135561008086, 'gamma': 0.5787275837021854, 'learning_rate': 0.006972089737196368, 'max_depth': 15, 'min_child_weight': 5.528659616525696, 'n_estimators': 700, 'subsample': 0.8267040674503122}
Epoch : 330: f1_weighted Score 0.799 params {'colsample_bytree': 0.32750187130426484, 'gamma': 0.6812356225264393, 'learning_rate': 0.006278197061389447, 'max_depth': 18, 'min_child_weight': 3.2478486980588572, 'n_estimators': 450, 'subsample': 0.9851728532131255}
Epoch : 331: f1_weighted Score 0.803 params {'colsample_bytree': 0.5991169401147821, 'gamma': 0.8134671335930264, 'learning_rate': 0.0118628066456801, 'max_depth': 20, 'min_child_weight': 5.357478444299961, 'n_estimators': 575, 'subsample': 0.8497343879681913}
Epoch : 332: f1_weighted Score 0.810 params {'colsample_bytree': 0.41963739177087034, 'gamma': 0.74760359115719, 'learning_rate': 0.014613438629624328, 'max_depth': 11, 'min_child_weight': 6.899145287775399, 'n_estimators': 225, 'subsample': 0.9481886461729769}
Epoch : 333: f1_weighted Score 0.810 params {'colsample_bytree': 0.4739191041442699, 'gamma': 0.9290469773311545, 'learning_rate': 0.013109056295228693, 'max_depth': 14, 'min_child_weight': 8.303070862065457, 'n_estimators': 350, 'subsample': 0.8947197680851389}
Epoch : 334: f1_weighted Score 0.801 params {'colsample_bytree': 0.39237530252076713, 'gamma': 0.8960940737836527, 'learning_rate': 0.0734040472323476, 'max_depth': 4, 'min_child_weight': 8.096515716419662, 'n_estimators': 325, 'subsample': 0.960727003773239}
Epoch : 335: f1_weighted Score 0.812 params {'colsample_bytree': 0.3491566548714721, 'gamma': 0.4798996299321175, 'learning_rate': 0.0065430964879956205, 'max_depth': 20, 'min_child_weight': 4.091247161896521, 'n_estimators': 375, 'subsample': 0.9785785413189204}
Epoch : 336: f1_weighted Score 0.808 params {'colsample_bytree': 0.35129878298929385, 'gamma': 0.22409918743078727, 'learning_rate': 0.008117725237027194, 'max_depth': 20, 'min_child_weight': 2.9685111535267796, 'n_estimators': 375, 'subsample': 0.9765440650247112}
Epoch : 337: f1_weighted Score 0.808 params {'colsample_bytree': 0.5260333463503637, 'gamma': 0.7741273600693925, 'learning_rate': 0.008950520751192913, 'max_depth': 19, 'min_child_weight': 4.561402690881209, 'n_estimators': 500, 'subsample': 0.8687688421607777}
Epoch : 338: f1_weighted Score 0.796 params {'colsample_bytree': 0.31384643983022853, 'gamma': 0.726366260544336, 'learning_rate': 0.010293703507855812, 'max_depth': 18, 'min_child_weight': 2.407157626579175, 'n_estimators': 600, 'subsample': 0.9683899104783149}
Epoch : 339: f1_weighted Score 0.812 params {'colsample_bytree': 0.5008854261120388, 'gamma': 0.8530525551869231, 'learning_rate': 0.011004633758434417, 'max_depth': 16, 'min_child_weight': 6.45587447337488, 'n_estimators': 300, 'subsample': 0.8401476250028189}
Epoch : 340: f1_weighted Score 0.812 params {'colsample_bytree': 0.36818752479070127, 'gamma': 0.7158706120640163, 'learning_rate': 0.015384397495605677, 'max_depth': 9, 'min_child_weight': 6.739419373415103, 'n_estimators': 250, 'subsample': 0.9139714632268561}
Epoch : 341: f1_weighted Score 0.808 params {'colsample_bytree': 0.3699425749932523, 'gamma': 0.6267615483517193, 'learning_rate': 0.019457717354037073, 'max_depth': 7, 'min_child_weight': 6.773883431349718, 'n_estimators': 75, 'subsample': 0.9323969490388798}
Epoch : 342: f1_weighted Score 0.806 params {'colsample_bytree': 0.865029090746328, 'gamma': 0.9964733025117298, 'learning_rate': 0.0051507720996664084, 'max_depth': 15, 'min_child_weight': 5.810551270083139, 'n_estimators': 975, 'subsample': 0.8134853188721569}
Epoch : 343: f1_weighted Score 0.771 params {'colsample_bytree': 0.7657835470173697, 'gamma': 0.2583248668432966, 'learning_rate': 0.1936384348864997, 'max_depth': 17, 'min_child_weight': 5.132083207006847, 'n_estimators': 850, 'subsample': 0.80092858611984}
Epoch : 344: f1_weighted Score 0.795 params {'colsample_bytree': 0.32167515239210565, 'gamma': 0.5623431977275268, 'learning_rate': 0.013645508833406643, 'max_depth': 9, 'min_child_weight': 6.041914780674046, 'n_estimators': 150, 'subsample': 0.9160348728585398}
Epoch : 345: f1_weighted Score 0.805 params {'colsample_bytree': 0.33805248058610915, 'gamma': 0.7118929636125136, 'learning_rate': 0.016493906347910467, 'max_depth': 7, 'min_child_weight': 4.438039146333729, 'n_estimators': 275, 'subsample': 0.9412142289855637}
Epoch : 346: f1_weighted Score 0.808 params {'colsample_bytree': 0.6347786455592987, 'gamma': 0.8757677273999428, 'learning_rate': 0.0073130066332721105, 'max_depth': 16, 'min_child_weight': 5.414003771799722, 'n_estimators': 650, 'subsample': 0.8229829496283337}
Epoch : 347: f1_weighted Score 0.794 params {'colsample_bytree': 0.7175173866931941, 'gamma': 0.7596950138271559, 'learning_rate': 0.00842693585194429, 'max_depth': 14, 'min_child_weight': 3.743294226034615, 'n_estimators': 775, 'subsample': 0.8091564437731174}
Epoch : 348: f1_weighted Score 0.806 params {'colsample_bytree': 0.3113000393152946, 'gamma': 0.45897013016932453, 'learning_rate': 0.005607787387595238, 'max_depth': 19, 'min_child_weight': 4.854787025527487, 'n_estimators': 475, 'subsample': 0.9892097312401175}
Epoch : 349: f1_weighted Score 0.806 params {'colsample_bytree': 0.3834154419890953, 'gamma': 0.512903507696587, 'learning_rate': 0.009593955991516825, 'max_depth': 18, 'min_child_weight': 3.86279173411312, 'n_estimators': 400, 'subsample': 0.9568792109565446}
Epoch : 350: f1_weighted Score 0.810 params {'colsample_bytree': 0.41063570466272936, 'gamma': 0.5961950531307637, 'learning_rate': 0.005322213038935014, 'max_depth': 19, 'min_child_weight': 4.198108484569684, 'n_estimators': 425, 'subsample': 0.9642690331291343}
Epoch : 351: f1_weighted Score 0.809 params {'colsample_bytree': 0.4545518036295072, 'gamma': 0.7378842089746963, 'learning_rate': 0.023767574323902675, 'max_depth': 4, 'min_child_weight': 5.686974842464729, 'n_estimators': 225, 'subsample': 0.9506957505381043}
Epoch : 352: f1_weighted Score 0.808 params {'colsample_bytree': 0.4328180663377495, 'gamma': 0.8285239909800346, 'learning_rate': 0.029248167603114463, 'max_depth': 17, 'min_child_weight': 3.585743191629148, 'n_estimators': 75, 'subsample': 0.930465762122999}
Epoch : 353: f1_weighted Score 0.812 params {'colsample_bytree': 0.38685343118271015, 'gamma': 0.36399457293524645, 'learning_rate': 0.017660586972132214, 'max_depth': 8, 'min_child_weight': 7.073634254151527, 'n_estimators': 200, 'subsample': 0.9546136378029166}
Epoch : 354: f1_weighted Score 0.807 params {'colsample_bytree': 0.34003609672366814, 'gamma': 0.5459953503899593, 'learning_rate': 0.0064138582778358825, 'max_depth': 18, 'min_child_weight': 3.4085337020914226, 'n_estimators': 450, 'subsample': 0.9862687734594264}
Epoch : 355: f1_weighted Score 0.797 params {'colsample_bytree': 0.3544435781838836, 'gamma': 0.6688060397281137, 'learning_rate': 0.012320811488321424, 'max_depth': 20, 'min_child_weight': 3.1705278298221202, 'n_estimators': 550, 'subsample': 0.9993077932720398}
Epoch : 356: f1_weighted Score 0.812 params {'colsample_bytree': 0.300276257001345, 'gamma': 0.41883607601167905, 'learning_rate': 0.03895181874427366, 'max_depth': 11, 'min_child_weight': 7.46301230566122, 'n_estimators': 150, 'subsample': 0.9280963105656636}
Epoch : 357: f1_weighted Score 0.790 params {'colsample_bytree': 0.47663382419556555, 'gamma': 0.6435050434287992, 'learning_rate': 0.052073475078584355, 'max_depth': 13, 'min_child_weight': 4.597981962316356, 'n_estimators': 250, 'subsample': 0.9015154531189619}
Epoch : 358: f1_weighted Score 0.786 params {'colsample_bytree': 0.3263722726879296, 'gamma': 0.3996595357253665, 'learning_rate': 0.006717651034818252, 'max_depth': 19, 'min_child_weight': 2.1204067025408007, 'n_estimators': 350, 'subsample': 0.9790897207263405}
Epoch : 359: f1_weighted Score 0.812 params {'colsample_bytree': 0.586050441866028, 'gamma': 0.7889863734354302, 'learning_rate': 0.03463721361271158, 'max_depth': 12, 'min_child_weight': 9.504063351947954, 'n_estimators': 50, 'subsample': 0.8753330965556886}
Epoch : 360: f1_weighted Score 0.811 params {'colsample_bytree': 0.37251453825331504, 'gamma': 0.6943866161886723, 'learning_rate': 0.015629790974056403, 'max_depth': 9, 'min_child_weight': 6.105249584079651, 'n_estimators': 300, 'subsample': 0.923335316348301}
Epoch : 361: f1_weighted Score 0.807 params {'colsample_bytree': 0.3010733312557944, 'gamma': 0.5933659594085008, 'learning_rate': 0.007736235694897591, 'max_depth': 19, 'min_child_weight': 3.953234999316989, 'n_estimators': 500, 'subsample': 0.973961187326074}
Epoch : 362: f1_weighted Score 0.812 params {'colsample_bytree': 0.4166388004839045, 'gamma': 0.6208097345882242, 'learning_rate': 0.027178897369649773, 'max_depth': 13, 'min_child_weight': 7.632023170191907, 'n_estimators': 100, 'subsample': 0.9095472596475623}
Epoch : 363: f1_weighted Score 0.811 params {'colsample_bytree': 0.6574288210713415, 'gamma': 0.9700818337519359, 'learning_rate': 0.005006210077818173, 'max_depth': 15, 'min_child_weight': 5.114664612062003, 'n_estimators': 750, 'subsample': 0.8372113420647441}
Epoch : 364: f1_weighted Score 0.806 params {'colsample_bytree': 0.5124368219898604, 'gamma': 0.06682431878738715, 'learning_rate': 0.010069295848971848, 'max_depth': 16, 'min_child_weight': 5.8661491200663285, 'n_estimators': 625, 'subsample': 0.8473857888302113}
Epoch : 365: f1_weighted Score 0.798 params {'colsample_bytree': 0.8321311228441521, 'gamma': 0.9392085634231693, 'learning_rate': 0.008702423924211883, 'max_depth': 15, 'min_child_weight': 4.317112504856267, 'n_estimators': 875, 'subsample': 0.9672104457525189}
Epoch : 366: f1_weighted Score 0.802 params {'colsample_bytree': 0.36150530968554107, 'gamma': 0.49771226336324415, 'learning_rate': 0.011287534435294752, 'max_depth': 18, 'min_child_weight': 2.943025188994821, 'n_estimators': 400, 'subsample': 0.9690173900025659}
Epoch : 367: f1_weighted Score 0.798 params {'colsample_bytree': 0.4004367931451345, 'gamma': 0.6948393174023524, 'learning_rate': 0.009136852565859893, 'max_depth': 20, 'min_child_weight': 2.630132646915467, 'n_estimators': 450, 'subsample': 0.9936054821384905}
Epoch : 368: f1_weighted Score 0.797 params {'colsample_bytree': 0.3158884700326131, 'gamma': 0.6728934629978839, 'learning_rate': 0.005871351881205552, 'max_depth': 17, 'min_child_weight': 4.032760578012552, 'n_estimators': 325, 'subsample': 0.9894817197309954}
Epoch : 369: f1_weighted Score 0.803 params {'colsample_bytree': 0.33808122361579035, 'gamma': 0.5440972043593162, 'learning_rate': 0.007084465330386304, 'max_depth': 18, 'min_child_weight': 3.702228625413257, 'n_estimators': 600, 'subsample': 0.9827624451209684}
Epoch : 370: f1_weighted Score 0.809 params {'colsample_bytree': 0.3857901317534539, 'gamma': 0.3001530159254253, 'learning_rate': 0.025588173381892308, 'max_depth': 10, 'min_child_weight': 7.792600864878592, 'n_estimators': 225, 'subsample': 0.9353015554627213}
Epoch : 371: f1_weighted Score 0.799 params {'colsample_bytree': 0.423194707797753, 'gamma': 0.5759445228622079, 'learning_rate': 0.01054524622679229, 'max_depth': 17, 'min_child_weight': 3.5400232650866097, 'n_estimators': 425, 'subsample': 0.9728731107446369}
Epoch : 372: f1_weighted Score 0.802 params {'colsample_bytree': 0.4444119354176708, 'gamma': 0.7623481471194518, 'learning_rate': 0.012424669212962343, 'max_depth': 19, 'min_child_weight': 4.1280693180020975, 'n_estimators': 375, 'subsample': 0.994090781331563}
Epoch : 373: f1_weighted Score 0.814 params {'colsample_bytree': 0.35998952142660245, 'gamma': 0.6097280735782379, 'learning_rate': 0.005938532293575509, 'max_depth': 20, 'min_child_weight': 5.009844192153395, 'n_estimators': 525, 'subsample': 0.9581890249861285}
Epoch : 374: f1_weighted Score 0.805 params {'colsample_bytree': 0.39665970495267233, 'gamma': 0.44379748190140594, 'learning_rate': 0.007462811491036844, 'max_depth': 20, 'min_child_weight': 4.7221165165863095, 'n_estimators': 650, 'subsample': 0.9611607676046935}
Epoch : 375: f1_weighted Score 0.810 params {'colsample_bytree': 0.3260418648970091, 'gamma': 0.5200916467063613, 'learning_rate': 0.005472636234029825, 'max_depth': 20, 'min_child_weight': 4.970845187271058, 'n_estimators': 525, 'subsample': 0.944492217844313}
Epoch : 376: f1_weighted Score 0.805 params {'colsample_bytree': 0.4586731780142024, 'gamma': 0.4772051042454234, 'learning_rate': 0.00814555174323424, 'max_depth': 20, 'min_child_weight': 5.4907520341714315, 'n_estimators': 700, 'subsample': 0.9475233753800877}
Epoch : 377: f1_weighted Score 0.799 params {'colsample_bytree': 0.40907823313599045, 'gamma': 0.6399706667302774, 'learning_rate': 0.013375837570409865, 'max_depth': 20, 'min_child_weight': 4.461327327070455, 'n_estimators': 575, 'subsample': 0.9533744988619905}
Epoch : 378: f1_weighted Score 0.800 params {'colsample_bytree': 0.3472317470319871, 'gamma': 0.5686785311638902, 'learning_rate': 0.009710801233433593, 'max_depth': 19, 'min_child_weight': 5.243106283621481, 'n_estimators': 725, 'subsample': 0.9573749838991504}
Epoch : 379: f1_weighted Score 0.789 params {'colsample_bytree': 0.3018462985995424, 'gamma': 0.5387094967671865, 'learning_rate': 0.01431774456600091, 'max_depth': 19, 'min_child_weight': 1.0119747941385393, 'n_estimators': 1050, 'subsample': 0.9649920702864868}
Epoch : 380: f1_weighted Score 0.797 params {'colsample_bytree': 0.36238576624920416, 'gamma': 0.6058518482310096, 'learning_rate': 0.011662884704179387, 'max_depth': 19, 'min_child_weight': 4.909581974671504, 'n_estimators': 675, 'subsample': 0.9402287037365628}
Epoch : 381: f1_weighted Score 0.802 params {'colsample_bytree': 0.4885555088066209, 'gamma': 0.6297810874626865, 'learning_rate': 0.0050016407451099745, 'max_depth': 5, 'min_child_weight': 0.5060745053691296, 'n_estimators': 175, 'subsample': 0.9494373485597472}
Epoch : 382: f1_weighted Score 0.805 params {'colsample_bytree': 0.3741723777532379, 'gamma': 0.49425969460121677, 'learning_rate': 0.006864725640898842, 'max_depth': 20, 'min_child_weight': 4.317517176283788, 'n_estimators': 600, 'subsample': 0.9589132715962214}
Epoch : 383: f1_weighted Score 0.788 params {'colsample_bytree': 0.4366469214185352, 'gamma': 0.6072715186670802, 'learning_rate': 0.06367886482313831, 'max_depth': 18, 'min_child_weight': 5.3775520329733695, 'n_estimators': 800, 'subsample': 0.9377369029299394}
Epoch : 384: f1_weighted Score 0.812 params {'colsample_bytree': 0.4216340077595406, 'gamma': 0.7235666857743561, 'learning_rate': 0.006131686522961213, 'max_depth': 20, 'min_child_weight': 5.658442445678212, 'n_estimators': 500, 'subsample': 0.9698308100136421}
Epoch : 385: f1_weighted Score 0.812 params {'colsample_bytree': 0.3972862547488135, 'gamma': 0.8087510002336132, 'learning_rate': 0.008289059777013472, 'max_depth': 18, 'min_child_weight': 4.671231243917199, 'n_estimators': 275, 'subsample': 0.9645360298645226}
Epoch : 386: f1_weighted Score 0.808 params {'colsample_bytree': 0.33344375654734926, 'gamma': 0.6564091729552646, 'learning_rate': 0.009101116544282086, 'max_depth': 6, 'min_child_weight': 3.2811022845804345, 'n_estimators': 350, 'subsample': 0.9448227550692437}
Epoch : 387: f1_weighted Score 0.793 params {'colsample_bytree': 0.4651035264332561, 'gamma': 0.5609657814635611, 'learning_rate': 0.04182264564363524, 'max_depth': 19, 'min_child_weight': 5.111175067243586, 'n_estimators': 525, 'subsample': 0.9511151668197981}
Epoch : 388: f1_weighted Score 0.810 params {'colsample_bytree': 0.30119177226214844, 'gamma': 0.5829142418497406, 'learning_rate': 0.0073782144958707925, 'max_depth': 17, 'min_child_weight': 6.1843371881432265, 'n_estimators': 325, 'subsample': 0.9428694338067406}
Epoch : 389: f1_weighted Score 0.802 params {'colsample_bytree': 0.3170245986150067, 'gamma': 0.7450664453901443, 'learning_rate': 0.010686649551633889, 'max_depth': 20, 'min_child_weight': 4.476706692500633, 'n_estimators': 750, 'subsample': 0.9190119736183973}
Epoch : 390: f1_weighted Score 0.799 params {'colsample_bytree': 0.3807674202454615, 'gamma': 0.4599700001780963, 'learning_rate': 0.005745651753500387, 'max_depth': 18, 'min_child_weight': 3.858513619805521, 'n_estimators': 925, 'subsample': 0.9758723077181448}
Epoch : 391: f1_weighted Score 0.793 params {'colsample_bytree': 0.5509337028108199, 'gamma': 0.6757825440556491, 'learning_rate': 0.012279999473684486, 'max_depth': 17, 'min_child_weight': 3.0687848901000656, 'n_estimators': 625, 'subsample': 0.9614741402270368}
Epoch : 392: f1_weighted Score 0.799 params {'colsample_bytree': 0.34707161438960404, 'gamma': 0.7877781442215754, 'learning_rate': 0.046875544500395896, 'max_depth': 2, 'min_child_weight': 4.862841422254641, 'n_estimators': 550, 'subsample': 0.9262816826583515}
Epoch : 393: f1_weighted Score 0.794 params {'colsample_bytree': 0.44269577870916826, 'gamma': 0.5268393317633661, 'learning_rate': 0.013034838486986418, 'max_depth': 19, 'min_child_weight': 5.589453899609552, 'n_estimators': 700, 'subsample': 0.9557680760392255}
Epoch : 394: f1_weighted Score 0.785 params {'colsample_bytree': 0.531483062402841, 'gamma': 0.3845347992873076, 'learning_rate': 0.019411168919977566, 'max_depth': 20, 'min_child_weight': 2.7652829192141013, 'n_estimators': 475, 'subsample': 0.9317647515849793}
Epoch : 395: f1_weighted Score 0.811 params {'colsample_bytree': 0.4246035506508149, 'gamma': 0.6477177008331013, 'learning_rate': 0.0054053590815234245, 'max_depth': 16, 'min_child_weight': 5.8715729166152535, 'n_estimators': 825, 'subsample': 0.947488176985343}
Epoch : 396: f1_weighted Score 0.797 params {'colsample_bytree': 0.3574410163096574, 'gamma': 0.7090153277840963, 'learning_rate': 0.006556032876444191, 'max_depth': 18, 'min_child_weight': 6.40080107830718, 'n_estimators': 125, 'subsample': 0.9705650388512019}
Epoch : 397: f1_weighted Score 0.814 params {'colsample_bytree': 0.40818852368505043, 'gamma': 0.7729886518435627, 'learning_rate': 0.009669456159612403, 'max_depth': 19, 'min_child_weight': 5.287454847501149, 'n_estimators': 300, 'subsample': 0.9359224437625986}
Epoch : 398: f1_weighted Score 0.805 params {'colsample_bytree': 0.5675641968317876, 'gamma': 0.8131949445819687, 'learning_rate': 0.007858461458069958, 'max_depth': 17, 'min_child_weight': 3.66434460591481, 'n_estimators': 425, 'subsample': 0.9359697608974624}
Epoch : 399: f1_weighted Score 0.812 params {'colsample_bytree': 0.4717442162285056, 'gamma': 0.8563756792726913, 'learning_rate': 0.005949391605583466, 'max_depth': 18, 'min_child_weight': 4.146426147949965, 'n_estimators': 200, 'subsample': 0.9206693420129848}
Epoch : 400: f1_weighted Score 0.812 params {'colsample_bytree': 0.33175080007505386, 'gamma': 0.8331584528049947, 'learning_rate': 0.009869437630224557, 'max_depth': 20, 'min_child_weight': 6.559909053820127, 'n_estimators': 400, 'subsample': 0.938257570986086}
Epoch : 401: f1_weighted Score 0.812 params {'colsample_bytree': 0.5062077374788818, 'gamma': 0.7706593371628038, 'learning_rate': 0.014588876697951945, 'max_depth': 19, 'min_child_weight': 5.289666249280912, 'n_estimators': 175, 'subsample': 0.9138699531127246}
Epoch : 402: f1_weighted Score 0.814 params {'colsample_bytree': 0.3950165932689537, 'gamma': 0.7406871811309446, 'learning_rate': 0.00904755712513826, 'max_depth': 19, 'min_child_weight': 4.70759722379705, 'n_estimators': 275, 'subsample': 0.9558054902848709}
Epoch : 403: f1_weighted Score 0.812 params {'colsample_bytree': 0.3822901180289905, 'gamma': 0.7030693495360556, 'learning_rate': 0.008803412609456268, 'max_depth': 19, 'min_child_weight': 4.719994670910871, 'n_estimators': 275, 'subsample': 0.9521878610823044}
Epoch : 404: f1_weighted Score 0.814 params {'colsample_bytree': 0.4132045178357287, 'gamma': 0.7988103434879839, 'learning_rate': 0.010112367572266868, 'max_depth': 20, 'min_child_weight': 5.096057891018808, 'n_estimators': 325, 'subsample': 0.9611847939145789}
Epoch : 405: f1_weighted Score 0.811 params {'colsample_bytree': 0.45170186494945, 'gamma': 0.879910368743562, 'learning_rate': 0.01073953056119967, 'max_depth': 19, 'min_child_weight': 4.492858992122726, 'n_estimators': 300, 'subsample': 0.9427646603518137}
Epoch : 406: f1_weighted Score 0.812 params {'colsample_bytree': 0.4010579562659593, 'gamma': 0.7605664892646105, 'learning_rate': 0.00938079426579041, 'max_depth': 20, 'min_child_weight': 5.4035885144806715, 'n_estimators': 250, 'subsample': 0.9481915212730452}
Epoch : 407: f1_weighted Score 0.814 params {'colsample_bytree': 0.3571350065001769, 'gamma': 0.7238046991772744, 'learning_rate': 0.008289231363481834, 'max_depth': 18, 'min_child_weight': 5.6854637488135165, 'n_estimators': 375, 'subsample': 0.966930348239263}
Epoch : 408: f1_weighted Score 0.812 params {'colsample_bytree': 0.43156413264538257, 'gamma': 0.7828201995272911, 'learning_rate': 0.006874002409962311, 'max_depth': 18, 'min_child_weight': 6.047170853470765, 'n_estimators': 375, 'subsample': 0.9669842710249958}
Epoch : 409: f1_weighted Score 0.812 params {'colsample_bytree': 0.38776591465677474, 'gamma': 0.8454088554680468, 'learning_rate': 0.008492962825371443, 'max_depth': 20, 'min_child_weight': 5.714082545597193, 'n_estimators': 325, 'subsample': 0.9793279563717204}
Epoch : 410: f1_weighted Score 0.812 params {'colsample_bytree': 0.37407043298048603, 'gamma': 0.7489910299084017, 'learning_rate': 0.011759013658396494, 'max_depth': 19, 'min_child_weight': 5.08681109454486, 'n_estimators': 225, 'subsample': 0.9550417586620072}
Epoch : 411: f1_weighted Score 0.812 params {'colsample_bytree': 0.3628855574766337, 'gamma': 0.6208199529571724, 'learning_rate': 0.007298318864049101, 'max_depth': 17, 'min_child_weight': 5.557852475221347, 'n_estimators': 350, 'subsample': 0.9731907978433564}
Epoch : 412: f1_weighted Score 0.812 params {'colsample_bytree': 0.340338123262562, 'gamma': 0.6892804984266512, 'learning_rate': 0.010149748198809993, 'max_depth': 20, 'min_child_weight': 6.247418522674964, 'n_estimators': 325, 'subsample': 0.960590429051327}
Epoch : 413: f1_weighted Score 0.812 params {'colsample_bytree': 0.4147788738791262, 'gamma': 0.8246812198476287, 'learning_rate': 0.008428059695851479, 'max_depth': 18, 'min_child_weight': 5.80316753866493, 'n_estimators': 425, 'subsample': 0.9634484828491492}
Epoch : 414: f1_weighted Score 0.812 params {'colsample_bytree': 0.49250747494475927, 'gamma': 0.8019355658130899, 'learning_rate': 0.006443481018874174, 'max_depth': 18, 'min_child_weight': 5.223192190754326, 'n_estimators': 475, 'subsample': 0.9813057041266184}
Epoch : 415: f1_weighted Score 0.812 params {'colsample_bytree': 0.445029504086046, 'gamma': 0.6559208297770471, 'learning_rate': 0.005021069412686763, 'max_depth': 19, 'min_child_weight': 6.362629318840766, 'n_estimators': 400, 'subsample': 0.9680805377152805}
Epoch : 416: f1_weighted Score 0.811 params {'colsample_bytree': 0.48009084556637094, 'gamma': 0.871237040250767, 'learning_rate': 0.011172862876824723, 'max_depth': 19, 'min_child_weight': 4.267757876419914, 'n_estimators': 275, 'subsample': 0.9331034781648799}
Epoch : 417: f1_weighted Score 0.814 params {'colsample_bytree': 0.40191817479089276, 'gamma': 0.9026284722010587, 'learning_rate': 0.00592293029312721, 'max_depth': 20, 'min_child_weight': 4.883798446981993, 'n_estimators': 525, 'subsample': 0.9587943621450709}
Epoch : 418: f1_weighted Score 0.812 params {'colsample_bytree': 0.4699946835279206, 'gamma': 0.9170575261807369, 'learning_rate': 0.007501526565485345, 'max_depth': 20, 'min_child_weight': 4.849865069169166, 'n_estimators': 300, 'subsample': 0.9577848187259685}
Epoch : 419: f1_weighted Score 0.797 params {'colsample_bytree': 0.3255270965205741, 'gamma': 0.6672925539047398, 'learning_rate': 0.016424438519020236, 'max_depth': 19, 'min_child_weight': 4.673418399985732, 'n_estimators': 150, 'subsample': 0.9515051507251518}
Epoch : 420: f1_weighted Score 0.795 params {'colsample_bytree': 0.3000419345004497, 'gamma': 0.7437923818976606, 'learning_rate': 0.013042502330341457, 'max_depth': 17, 'min_child_weight': 6.0547088367611686, 'n_estimators': 100, 'subsample': 0.9421124821208265}
Epoch : 421: f1_weighted Score 0.806 params {'colsample_bytree': 0.3093030896351298, 'gamma': 0.7955206534783809, 'learning_rate': 0.009983298898196871, 'max_depth': 18, 'min_child_weight': 5.457148096761854, 'n_estimators': 200, 'subsample': 0.9725085819536456}
Epoch : 422: f1_weighted Score 0.812 params {'colsample_bytree': 0.45980718250452857, 'gamma': 0.7298394792056448, 'learning_rate': 0.007742874735879939, 'max_depth': 17, 'min_child_weight': 5.906045019733062, 'n_estimators': 250, 'subsample': 0.9299604636308832}
Epoch : 423: f1_weighted Score 0.776 params {'colsample_bytree': 0.3161105579262811, 'gamma': 0.76946063106277, 'learning_rate': 0.009212106592736321, 'max_depth': 16, 'min_child_weight': 3.9744649434283987, 'n_estimators': 175, 'subsample': 0.9767397270728323}
Epoch : 424: f1_weighted Score 0.810 params {'colsample_bytree': 0.42787031227358374, 'gamma': 0.8334824330593187, 'learning_rate': 0.006903800781235319, 'max_depth': 17, 'min_child_weight': 3.393636519982414, 'n_estimators': 125, 'subsample': 0.9453870473058753}
Epoch : 425: f1_weighted Score 0.812 params {'colsample_bytree': 0.41139272341168814, 'gamma': 0.7947869669267928, 'learning_rate': 0.011310984678177583, 'max_depth': 19, 'min_child_weight': 6.560800769060679, 'n_estimators': 225, 'subsample': 0.9643501394605891}
Epoch : 426: f1_weighted Score 0.812 params {'colsample_bytree': 0.34671884993766, 'gamma': 0.7186844184911838, 'learning_rate': 0.005433272396813626, 'max_depth': 20, 'min_child_weight': 4.355199596250002, 'n_estimators': 450, 'subsample': 0.9854690844334763}
Epoch : 427: f1_weighted Score 0.812 params {'colsample_bytree': 0.44157533064448296, 'gamma': 0.8918181397213804, 'learning_rate': 0.005995054229681627, 'max_depth': 20, 'min_child_weight': 5.68585491916943, 'n_estimators': 525, 'subsample': 0.9918580487618688}
Epoch : 428: f1_weighted Score 0.795 params {'colsample_bytree': 0.3966185179417795, 'gamma': 0.8493718328298601, 'learning_rate': 0.012324119240836817, 'max_depth': 19, 'min_child_weight': 4.838901609640132, 'n_estimators': 75, 'subsample': 0.9548400740479416}
Epoch : 429: f1_weighted Score 0.805 params {'colsample_bytree': 0.3696082836223345, 'gamma': 0.7011026777824807, 'learning_rate': 0.014035887916802835, 'max_depth': 18, 'min_child_weight': 4.564840420230209, 'n_estimators': 350, 'subsample': 0.9684068779099821}
Epoch : 430: f1_weighted Score 0.803 params {'colsample_bytree': 0.4059338697251875, 'gamma': 0.9039668070933304, 'learning_rate': 0.008065838591350427, 'max_depth': 16, 'min_child_weight': 4.071738128733834, 'n_estimators': 550, 'subsample': 0.9826511409280806}
Epoch : 431: f1_weighted Score 0.812 params {'colsample_bytree': 0.38166053932760946, 'gamma': 0.8137867661299412, 'learning_rate': 0.008519754144592016, 'max_depth': 18, 'min_child_weight': 5.277195102182993, 'n_estimators': 375, 'subsample': 0.9263271198063615}
Epoch : 432: f1_weighted Score 0.812 params {'colsample_bytree': 0.4559700590247579, 'gamma': 0.9147618930934864, 'learning_rate': 0.006429260630825122, 'max_depth': 20, 'min_child_weight': 5.5407459033968784, 'n_estimators': 500, 'subsample': 0.9971083584825163}
Epoch : 433: f1_weighted Score 0.808 params {'colsample_bytree': 0.5224842541928375, 'gamma': 0.8523587672974622, 'learning_rate': 0.01032855484923663, 'max_depth': 19, 'min_child_weight': 3.7484588160016137, 'n_estimators': 300, 'subsample': 0.9394302473906319}
Epoch : 434: f1_weighted Score 0.812 params {'colsample_bytree': 0.3369697439583738, 'gamma': 0.7168256616746405, 'learning_rate': 0.017517231616575098, 'max_depth': 17, 'min_child_weight': 5.093527860620213, 'n_estimators': 200, 'subsample': 0.9887236892254909}
Epoch : 435: f1_weighted Score 0.790 params {'colsample_bytree': 0.31111184000584713, 'gamma': 0.5973675813718006, 'learning_rate': 0.013594178235979238, 'max_depth': 18, 'min_child_weight': 6.184136775959198, 'n_estimators': 150, 'subsample': 0.9495670594240685}
Epoch : 436: f1_weighted Score 0.806 params {'colsample_bytree': 0.3951448376840314, 'gamma': 0.8753420666354357, 'learning_rate': 0.006777362825493321, 'max_depth': 16, 'min_child_weight': 3.5569493646064494, 'n_estimators': 475, 'subsample': 0.9786796050793868}
Epoch : 437: f1_weighted Score 0.808 params {'colsample_bytree': 0.3517246175018621, 'gamma': 0.6894957165839398, 'learning_rate': 0.014778107568888152, 'max_depth': 17, 'min_child_weight': 4.999239091430828, 'n_estimators': 250, 'subsample': 0.9720097995942374}
Epoch : 438: f1_weighted Score 0.799 params {'colsample_bytree': 0.50611438929554, 'gamma': 0.828388008374765, 'learning_rate': 0.020695488787759703, 'max_depth': 3, 'min_child_weight': 4.310249685914986, 'n_estimators': 575, 'subsample': 0.9345613657302148}
Epoch : 439: f1_weighted Score 0.812 params {'colsample_bytree': 0.4366659666896414, 'gamma': 0.7790380650401806, 'learning_rate': 0.009203043563824741, 'max_depth': 20, 'min_child_weight': 3.8303693617703343, 'n_estimators': 125, 'subsample': 0.9469479659393012}
Epoch : 440: f1_weighted Score 0.806 params {'colsample_bytree': 0.3271390146001666, 'gamma': 0.9396558132268681, 'learning_rate': 0.005210539257171215, 'max_depth': 16, 'min_child_weight': 6.926359016099923, 'n_estimators': 400, 'subsample': 0.9763365820120276}
Epoch : 441: f1_weighted Score 0.812 params {'colsample_bytree': 0.361811710891315, 'gamma': 0.6271124401021737, 'learning_rate': 0.007807335847394288, 'max_depth': 20, 'min_child_weight': 6.768823891527991, 'n_estimators': 325, 'subsample': 0.9601026281961901}
Epoch : 442: f1_weighted Score 0.812 params {'colsample_bytree': 0.48608967274497283, 'gamma': 0.8903922020543822, 'learning_rate': 0.005555688082583752, 'max_depth': 20, 'min_child_weight': 5.241033637515758, 'n_estimators': 450, 'subsample': 0.9602271324332712}
Epoch : 443: f1_weighted Score 0.812 params {'colsample_bytree': 0.4226607129407891, 'gamma': 0.9568925956544979, 'learning_rate': 0.007240869170761689, 'max_depth': 20, 'min_child_weight': 4.999739026999693, 'n_estimators': 300, 'subsample': 0.9521885685630844}
Epoch : 444: f1_weighted Score 0.812 params {'colsample_bytree': 0.5411825633936016, 'gamma': 0.7517983114927204, 'learning_rate': 0.009563598963353468, 'max_depth': 19, 'min_child_weight': 6.341832498131785, 'n_estimators': 350, 'subsample': 0.9652861279744521}
Epoch : 445: f1_weighted Score 0.788 params {'colsample_bytree': 0.3890565645432753, 'gamma': 0.7400300422991919, 'learning_rate': 0.1260485310335949, 'max_depth': 19, 'min_child_weight': 5.981489921380692, 'n_estimators': 375, 'subsample': 0.985326870509987}
Epoch : 446: f1_weighted Score 0.805 params {'colsample_bytree': 0.37276810282226874, 'gamma': 0.671352066550986, 'learning_rate': 0.005946347550804521, 'max_depth': 18, 'min_child_weight': 4.541743851646567, 'n_estimators': 650, 'subsample': 0.9703928692558473}
Epoch : 447: f1_weighted Score 0.802 params {'colsample_bytree': 0.30084967435459314, 'gamma': 0.8050894854668758, 'learning_rate': 0.005041652662385487, 'max_depth': 18, 'min_child_weight': 4.897630898157989, 'n_estimators': 425, 'subsample': 0.9955187574429165}
Epoch : 448: f1_weighted Score 0.803 params {'colsample_bytree': 0.4147025427839902, 'gamma': 0.9301093349468708, 'learning_rate': 0.01031172453897598, 'max_depth': 20, 'min_child_weight': 4.272759490029272, 'n_estimators': 625, 'subsample': 0.9048277516106601}
Epoch : 449: f1_weighted Score 0.812 params {'colsample_bytree': 0.40605357790068153, 'gamma': 0.8609673137959128, 'learning_rate': 0.008782904252610997, 'max_depth': 19, 'min_child_weight': 5.779736378491602, 'n_estimators': 300, 'subsample': 0.9417138548067054}
Epoch : 450: f1_weighted Score 0.812 params {'colsample_bytree': 0.3549738578152625, 'gamma': 0.7634013332812405, 'learning_rate': 0.0063878460447330514, 'max_depth': 20, 'min_child_weight': 5.3495177988597105, 'n_estimators': 500, 'subsample': 0.9657771023223701}
Epoch : 451: f1_weighted Score 0.808 params {'colsample_bytree': 0.4987306525052733, 'gamma': 0.9735201565937012, 'learning_rate': 0.005555963223444468, 'max_depth': 15, 'min_child_weight': 3.9689760014817184, 'n_estimators': 575, 'subsample': 0.9881144053927051}
Epoch : 452: f1_weighted Score 0.812 params {'colsample_bytree': 0.47212239632836084, 'gamma': 0.8152732152137938, 'learning_rate': 0.0117882767146938, 'max_depth': 19, 'min_child_weight': 7.17067339881476, 'n_estimators': 275, 'subsample': 0.9744165119347782}
Epoch : 453: f1_weighted Score 0.812 params {'colsample_bytree': 0.42981379225866256, 'gamma': 0.5695842410224615, 'learning_rate': 0.005035446092065665, 'max_depth': 18, 'min_child_weight': 5.635178600527776, 'n_estimators': 600, 'subsample': 0.9830213908773889}
Epoch : 454: f1_weighted Score 0.805 params {'colsample_bytree': 0.4619556068569646, 'gamma': 0.7847400886051317, 'learning_rate': 0.0071351290685695646, 'max_depth': 19, 'min_child_weight': 4.670525438849535, 'n_estimators': 675, 'subsample': 0.9175576529618483}
Epoch : 455: f1_weighted Score 0.810 params {'colsample_bytree': 0.4821526362072095, 'gamma': 0.8406661189116829, 'learning_rate': 0.008103622329245155, 'max_depth': 17, 'min_child_weight': 6.558777303628483, 'n_estimators': 375, 'subsample': 0.923407188356299}
Epoch : 456: f1_weighted Score 0.806 params {'colsample_bytree': 0.4503162092070744, 'gamma': 0.6469024430580239, 'learning_rate': 0.0073795536122917334, 'max_depth': 20, 'min_child_weight': 4.093268962637092, 'n_estimators': 475, 'subsample': 0.9365330110738338}
Epoch : 457: f1_weighted Score 0.799 params {'colsample_bytree': 0.3253186388856056, 'gamma': 0.6181141584475275, 'learning_rate': 0.006527984855513574, 'max_depth': 16, 'min_child_weight': 3.1595491844053285, 'n_estimators': 425, 'subsample': 0.9311657108434319}
Epoch : 458: f1_weighted Score 0.807 params {'colsample_bytree': 0.384243373889272, 'gamma': 0.9050427639556132, 'learning_rate': 0.011086421295239252, 'max_depth': 20, 'min_child_weight': 3.538762322255301, 'n_estimators': 175, 'subsample': 0.954551738159022}
Epoch : 459: f1_weighted Score 0.811 params {'colsample_bytree': 0.3420393210738598, 'gamma': 0.6329572827904733, 'learning_rate': 0.013060763365489596, 'max_depth': 19, 'min_child_weight': 6.051382301011294, 'n_estimators': 325, 'subsample': 0.9615011523068149}
Epoch : 460: f1_weighted Score 0.811 params {'colsample_bytree': 0.31033171709044227, 'gamma': 0.5963862939030785, 'learning_rate': 0.01662209422405932, 'max_depth': 20, 'min_child_weight': 4.531029652260783, 'n_estimators': 250, 'subsample': 0.9567451265371318}
Epoch : 461: f1_weighted Score 0.799 params {'colsample_bytree': 0.4020568969003499, 'gamma': 0.705027296318706, 'learning_rate': 0.006033079056110803, 'max_depth': 20, 'min_child_weight': 5.424548148308899, 'n_estimators': 1325, 'subsample': 0.9482015587215468}
Epoch : 462: f1_weighted Score 0.811 params {'colsample_bytree': 0.43022386791984185, 'gamma': 0.7314850492978562, 'learning_rate': 0.015087454707885518, 'max_depth': 17, 'min_child_weight': 3.3390780366257617, 'n_estimators': 100, 'subsample': 0.9998537743840901}
Epoch : 463: f1_weighted Score 0.805 params {'colsample_bytree': 0.3676233782972886, 'gamma': 0.718228539515594, 'learning_rate': 0.010731286115199636, 'max_depth': 18, 'min_child_weight': 4.734724332945669, 'n_estimators': 400, 'subsample': 0.980549794495722}
Epoch : 464: f1_weighted Score 0.794 params {'colsample_bytree': 0.34917976409920326, 'gamma': 0.6888378459334729, 'learning_rate': 0.01907167783642469, 'max_depth': 18, 'min_child_weight': 5.102381445515542, 'n_estimators': 525, 'subsample': 0.9927647674837348}
Epoch : 465: f1_weighted Score 0.811 params {'colsample_bytree': 0.49248997182922827, 'gamma': 0.984130656357814, 'learning_rate': 0.015853696360158917, 'max_depth': 15, 'min_child_weight': 4.455881662589347, 'n_estimators': 200, 'subsample': 0.9280104866905051}
Epoch : 466: f1_weighted Score 0.812 params {'colsample_bytree': 0.5291600235639282, 'gamma': 0.7632305329178347, 'learning_rate': 0.009740971298235857, 'max_depth': 7, 'min_child_weight': 5.330817113308243, 'n_estimators': 50, 'subsample': 0.9433790604372965}
Epoch : 467: f1_weighted Score 0.812 params {'colsample_bytree': 0.44562797479725935, 'gamma': 0.005069413281811264, 'learning_rate': 0.00892087551390291, 'max_depth': 19, 'min_child_weight': 6.958045078665012, 'n_estimators': 275, 'subsample': 0.9508624434588432}
Epoch : 468: f1_weighted Score 0.809 params {'colsample_bytree': 0.41633268403390283, 'gamma': 0.6569351158764305, 'learning_rate': 0.007538046517579062, 'max_depth': 4, 'min_child_weight': 4.226021846346825, 'n_estimators': 550, 'subsample': 0.9382460661928989}
Epoch : 469: f1_weighted Score 0.795 params {'colsample_bytree': 0.38895965105660296, 'gamma': 0.868348620545917, 'learning_rate': 0.08220793762865894, 'max_depth': 19, 'min_child_weight': 5.88454651657828, 'n_estimators': 325, 'subsample': 0.9636708152996718}
Epoch : 470: f1_weighted Score 0.811 params {'colsample_bytree': 0.5535432635307292, 'gamma': 0.7488658585373653, 'learning_rate': 0.012807180192507452, 'max_depth': 16, 'min_child_weight': 2.524227483509611, 'n_estimators': 50, 'subsample': 0.9245555757337631}
Epoch : 471: f1_weighted Score 0.812 params {'colsample_bytree': 0.3621883783158789, 'gamma': 0.5795266969786085, 'learning_rate': 0.006914421072711248, 'max_depth': 20, 'min_child_weight': 6.228143872492305, 'n_estimators': 475, 'subsample': 0.9739588846592153}
Epoch : 472: f1_weighted Score 0.800 params {'colsample_bytree': 0.5182512598056349, 'gamma': 0.8333535780124783, 'learning_rate': 0.02256978733363026, 'max_depth': 17, 'min_child_weight': 3.7760223656757756, 'n_estimators': 150, 'subsample': 0.9691064076010365}
Epoch : 473: f1_weighted Score 0.804 params {'colsample_bytree': 0.3177078215669496, 'gamma': 0.5536302717622101, 'learning_rate': 0.005800071712359088, 'max_depth': 8, 'min_child_weight': 4.880080062484219, 'n_estimators': 850, 'subsample': 0.9461162217960971}
Epoch : 474: f1_weighted Score 0.777 params {'colsample_bytree': 0.3376416530726838, 'gamma': 0.6049479457390994, 'learning_rate': 0.0139499916054203, 'max_depth': 17, 'min_child_weight': 3.8996112876051257, 'n_estimators': 50, 'subsample': 0.953414754144701}
Epoch : 475: f1_weighted Score 0.810 params {'colsample_bytree': 0.32291209707638896, 'gamma': 0.509276481865587, 'learning_rate': 0.01185916222245053, 'max_depth': 18, 'min_child_weight': 6.727390224206733, 'n_estimators': 225, 'subsample': 0.9576110694186143}
Epoch : 476: f1_weighted Score 0.794 params {'colsample_bytree': 0.4590224421724365, 'gamma': 0.9285627547402451, 'learning_rate': 0.11187797353429246, 'max_depth': 19, 'min_child_weight': 5.128597590509458, 'n_estimators': 650, 'subsample': 0.9675467192608852}
Epoch : 477: f1_weighted Score 0.812 params {'colsample_bytree': 0.39702455743814646, 'gamma': 0.6734850683047142, 'learning_rate': 0.007942795151613231, 'max_depth': 20, 'min_child_weight': 5.5572087377323305, 'n_estimators': 225, 'subsample': 0.9345788913174912}
Epoch : 478: f1_weighted Score 0.807 params {'colsample_bytree': 0.37988484539600326, 'gamma': 0.7777764481423235, 'learning_rate': 0.01786570066645966, 'max_depth': 17, 'min_child_weight': 2.780652605185538, 'n_estimators': 100, 'subsample': 0.9220262893520703}
Epoch : 479: f1_weighted Score 0.812 params {'colsample_bytree': 0.41162249337636864, 'gamma': 0.7999235761890984, 'learning_rate': 0.009368994961020432, 'max_depth': 19, 'min_child_weight': 7.275202127995378, 'n_estimators': 350, 'subsample': 0.9620893367459067}
Epoch : 480: f1_weighted Score 0.810 params {'colsample_bytree': 0.47501846748964366, 'gamma': 0.9513502237730133, 'learning_rate': 0.005208886926944149, 'max_depth': 14, 'min_child_weight': 5.766975436310195, 'n_estimators': 575, 'subsample': 0.891532376674368}
Epoch : 481: f1_weighted Score 0.806 params {'colsample_bytree': 0.3029070732468612, 'gamma': 0.5392225219538144, 'learning_rate': 0.005476583314216478, 'max_depth': 18, 'min_child_weight': 4.135965431594763, 'n_estimators': 725, 'subsample': 0.9426117963607227}
Epoch : 482: f1_weighted Score 0.806 params {'colsample_bytree': 0.3002178452962353, 'gamma': 0.4788703280441716, 'learning_rate': 0.005028963960290818, 'max_depth': 15, 'min_child_weight': 4.396419265562782, 'n_estimators': 775, 'subsample': 0.9840362857124683}
Epoch : 483: f1_weighted Score 0.812 params {'colsample_bytree': 0.36909699281158254, 'gamma': 0.636438460063985, 'learning_rate': 0.006490110660196655, 'max_depth': 5, 'min_child_weight': 6.0827401444535365, 'n_estimators': 600, 'subsample': 0.9763958233729239}
Epoch : 484: f1_weighted Score 0.800 params {'colsample_bytree': 0.3495904928007358, 'gamma': 0.5143213852994112, 'learning_rate': 0.020831903854476048, 'max_depth': 18, 'min_child_weight': 6.461163766512444, 'n_estimators': 1450, 'subsample': 0.9998964211346186}
Epoch : 485: f1_weighted Score 0.809 params {'colsample_bytree': 0.43748436313994016, 'gamma': 0.720649355307849, 'learning_rate': 0.010761757438553303, 'max_depth': 16, 'min_child_weight': 3.5444765533261577, 'n_estimators': 200, 'subsample': 0.9482410646659036}
Epoch : 486: f1_weighted Score 0.803 params {'colsample_bytree': 0.3916083364490384, 'gamma': 0.8962520730300866, 'learning_rate': 0.006159646110610726, 'max_depth': 6, 'min_child_weight': 2.991222432124869, 'n_estimators': 700, 'subsample': 0.972202057504597}
Epoch : 487: f1_weighted Score 0.810 params {'colsample_bytree': 0.3393211105356526, 'gamma': 0.6979337736812539, 'learning_rate': 0.012108390954729643, 'max_depth': 18, 'min_child_weight': 5.585618705153488, 'n_estimators': 150, 'subsample': 0.938933704422131}
Epoch : 488: f1_weighted Score 0.809 params {'colsample_bytree': 0.5092995284461046, 'gamma': 0.8596015227846394, 'learning_rate': 0.008769547393546438, 'max_depth': 19, 'min_child_weight': 4.6511806881701, 'n_estimators': 450, 'subsample': 0.9068066512121039}
Epoch : 489: f1_weighted Score 0.808 params {'colsample_bytree': 0.3000466488601271, 'gamma': 0.585945830147547, 'learning_rate': 0.008321517352446947, 'max_depth': 20, 'min_child_weight': 5.145145529471321, 'n_estimators': 275, 'subsample': 0.9634352498610221}
Epoch : 490: f1_weighted Score 0.805 params {'colsample_bytree': 0.37293366761628527, 'gamma': 0.8786549063653657, 'learning_rate': 0.005744819813588185, 'max_depth': 16, 'min_child_weight': 4.026498085771292, 'n_estimators': 625, 'subsample': 0.9783141458837485}
Epoch : 491: f1_weighted Score 0.797 params {'colsample_bytree': 0.581199044619824, 'gamma': 0.9927911605417129, 'learning_rate': 0.09443800043692285, 'max_depth': 20, 'min_child_weight': 5.007562844784446, 'n_estimators': 550, 'subsample': 0.9926680388672919}
Epoch : 492: f1_weighted Score 0.812 params {'colsample_bytree': 0.42413671838479344, 'gamma': 0.6696784231288465, 'learning_rate': 0.007062185169103238, 'max_depth': 19, 'min_child_weight': 4.901622944982425, 'n_estimators': 250, 'subsample': 0.9301932127931434}
Epoch : 493: f1_weighted Score 0.798 params {'colsample_bytree': 0.4544227921791431, 'gamma': 0.7398993080377715, 'learning_rate': 0.015741703824939716, 'max_depth': 17, 'min_child_weight': 5.867315229739815, 'n_estimators': 1175, 'subsample': 0.9561066894070406}
Epoch : 494: f1_weighted Score 0.812 params {'colsample_bytree': 0.6068333901784858, 'gamma': 0.6482154835595931, 'learning_rate': 0.010087109612365865, 'max_depth': 19, 'min_child_weight': 5.431964695868392, 'n_estimators': 175, 'subsample': 0.9513572702322329}
Epoch : 495: f1_weighted Score 0.808 params {'colsample_bytree': 0.3334100644197002, 'gamma': 0.8194041172255747, 'learning_rate': 0.013647529309196183, 'max_depth': 15, 'min_child_weight': 6.171195165934424, 'n_estimators': 400, 'subsample': 0.9098035533247794}
Epoch : 496: f1_weighted Score 0.800 params {'colsample_bytree': 0.41488570169805317, 'gamma': 0.7843891358645476, 'learning_rate': 0.011020844166346862, 'max_depth': 19, 'min_child_weight': 2.3067430942733322, 'n_estimators': 125, 'subsample': 0.89758029051642}
Epoch : 497: f1_weighted Score 0.808 params {'colsample_bytree': 0.40638688702314224, 'gamma': 0.8029221171490377, 'learning_rate': 0.007989813722086046, 'max_depth': 20, 'min_child_weight': 4.767165561451359, 'n_estimators': 425, 'subsample': 0.9584696844204468}
Epoch : 498: f1_weighted Score 0.811 params {'colsample_bytree': 0.4363841539197929, 'gamma': 0.9418607978760718, 'learning_rate': 0.005332140062677745, 'max_depth': 20, 'min_child_weight': 4.40596523186346, 'n_estimators': 525, 'subsample': 0.9889554418780607}
Epoch : 499: f1_weighted Score 0.806 params {'colsample_bytree': 0.37983084826526997, 'gamma': 0.913505498608189, 'learning_rate': 0.007601023770498642, 'max_depth': 17, 'min_child_weight': 3.2559665118614527, 'n_estimators': 500, 'subsample': 0.9809672545896804}
Epoch : 500: f1_weighted Score 0.810 params {'colsample_bytree': 0.3000991101066529, 'gamma': 0.693135964783557, 'learning_rate': 0.006742386658121397, 'max_depth': 18, 'min_child_weight': 4.597567272400035, 'n_estimators': 375, 'subsample': 0.9679506359056707}
Epoch : 501: f1_weighted Score 0.808 params {'colsample_bytree': 0.3166751845391743, 'gamma': 0.6167226121329881, 'learning_rate': 0.008197553789985861, 'max_depth': 20, 'min_child_weight': 6.3762046603711475, 'n_estimators': 450, 'subsample': 0.971786920070188}
Epoch : 502: f1_weighted Score 0.803 params {'colsample_bytree': 0.35848371698748127, 'gamma': 0.5657753397593148, 'learning_rate': 0.0062309962816695635, 'max_depth': 20, 'min_child_weight': 3.708145825381641, 'n_estimators': 700, 'subsample': 0.9445078605924917}
Epoch : 503: f1_weighted Score 0.811 params {'colsample_bytree': 0.4907564043846909, 'gamma': 0.8337908517839533, 'learning_rate': 0.005838647001463654, 'max_depth': 16, 'min_child_weight': 5.310538870667873, 'n_estimators': 675, 'subsample': 0.8853294208552867}
Epoch : 504: f1_weighted Score 0.811 params {'colsample_bytree': 0.4712091874508137, 'gamma': 0.7641318196289071, 'learning_rate': 0.009183366094834201, 'max_depth': 19, 'min_child_weight': 5.152481286334409, 'n_estimators': 350, 'subsample': 0.9598973140988148}
Epoch : 505: f1_weighted Score 0.803 params {'colsample_bytree': 0.5654379485608265, 'gamma': 0.8841660316809641, 'learning_rate': 0.005405269683086685, 'max_depth': 17, 'min_child_weight': 3.3896621716350146, 'n_estimators': 750, 'subsample': 0.9403938935051511}
Epoch : 506: f1_weighted Score 0.792 params {'colsample_bytree': 0.519767008622998, 'gamma': 0.8520013569791723, 'learning_rate': 0.1552812844876459, 'max_depth': 14, 'min_child_weight': 1.976758074963754, 'n_estimators': 650, 'subsample': 0.9481727204849252}
Epoch : 507: f1_weighted Score 0.812 params {'colsample_bytree': 0.9361093082148226, 'gamma': 0.7367193664944856, 'learning_rate': 0.005027957369125466, 'max_depth': 18, 'min_child_weight': 5.589390067769723, 'n_estimators': 400, 'subsample': 0.986045820562873}
Epoch : 508: f1_weighted Score 0.812 params {'colsample_bytree': 0.34835877160322154, 'gamma': 0.7092299597398092, 'learning_rate': 0.012026200141453093, 'max_depth': 17, 'min_child_weight': 5.801411846776516, 'n_estimators': 225, 'subsample': 0.9322046332822502}
Epoch : 509: f1_weighted Score 0.812 params {'colsample_bytree': 0.44932979161934317, 'gamma': 0.6590644308683719, 'learning_rate': 0.011176214883826124, 'max_depth': 19, 'min_child_weight': 5.456099953999397, 'n_estimators': 275, 'subsample': 0.9368637261286569}
Epoch : 510: f1_weighted Score 0.812 params {'colsample_bytree': 0.36645257811613074, 'gamma': 0.916557610138864, 'learning_rate': 0.006126760231877445, 'max_depth': 20, 'min_child_weight': 6.574446751800373, 'n_estimators': 575, 'subsample': 0.9955149994492527}
Epoch : 511: f1_weighted Score 0.810 params {'colsample_bytree': 0.4209336335099006, 'gamma': 0.636677342654891, 'learning_rate': 0.018114036707379325, 'max_depth': 15, 'min_child_weight': 4.276567351544545, 'n_estimators': 100, 'subsample': 0.9517639251619221}
Epoch : 512: f1_weighted Score 0.797 params {'colsample_bytree': 0.326053603057394, 'gamma': 0.6782017770691822, 'learning_rate': 0.012836575226788556, 'max_depth': 18, 'min_child_weight': 6.838561520980254, 'n_estimators': 175, 'subsample': 0.9652680559037201}
Epoch : 513: f1_weighted Score 0.811 params {'colsample_bytree': 0.39241102629421387, 'gamma': 0.4330170862333006, 'learning_rate': 0.006762971365326974, 'max_depth': 9, 'min_child_weight': 6.279708687405772, 'n_estimators': 600, 'subsample': 0.9789560281325306}
Epoch : 514: f1_weighted Score 0.812 params {'colsample_bytree': 0.5419051913595481, 'gamma': 0.7916784049031909, 'learning_rate': 0.009535107417112125, 'max_depth': 20, 'min_child_weight': 6.040465710217105, 'n_estimators': 325, 'subsample': 0.9578122488250531}
Epoch : 515: f1_weighted Score 0.800 params {'colsample_bytree': 0.377939062328055, 'gamma': 0.4926740254898982, 'learning_rate': 0.031438599696018574, 'max_depth': 20, 'min_child_weight': 4.130785828923857, 'n_estimators': 200, 'subsample': 0.9603980488486635}
Epoch : 516: f1_weighted Score 0.790 params {'colsample_bytree': 0.4424639114154664, 'gamma': 0.7628127068673867, 'learning_rate': 0.05583393545212898, 'max_depth': 2, 'min_child_weight': 4.76951237396628, 'n_estimators': 500, 'subsample': 0.9114647592948835}
Epoch : 517: f1_weighted Score 0.791 params {'colsample_bytree': 0.9786326649649059, 'gamma': 0.8391715854267328, 'learning_rate': 0.014304002776592682, 'max_depth': 19, 'min_child_weight': 3.039852466713875, 'n_estimators': 900, 'subsample': 0.9172008814956437}
Epoch : 518: f1_weighted Score 0.808 params {'colsample_bytree': 0.46248613476324274, 'gamma': 0.15646337896863366, 'learning_rate': 0.020603258558684737, 'max_depth': 16, 'min_child_weight': 3.9399019781672315, 'n_estimators': 75, 'subsample': 0.9269327308169169}
Epoch : 519: f1_weighted Score 0.808 params {'colsample_bytree': 0.4853299284363803, 'gamma': 0.778040870827302, 'learning_rate': 0.01615940006234445, 'max_depth': 19, 'min_child_weight': 4.552993273120095, 'n_estimators': 300, 'subsample': 0.915125743951245}
Epoch : 520: f1_weighted Score 0.812 params {'colsample_bytree': 0.40870456506272157, 'gamma': 0.8118093428366607, 'learning_rate': 0.010219437678444743, 'max_depth': 3, 'min_child_weight': 3.785649885038353, 'n_estimators': 150, 'subsample': 0.9296798856194318}
Epoch : 521: f1_weighted Score 0.799 params {'colsample_bytree': 0.4953314202291401, 'gamma': 0.8677741877521705, 'learning_rate': 0.00741516389278927, 'max_depth': 13, 'min_child_weight': 3.442827329632572, 'n_estimators': 800, 'subsample': 0.9024844302589556}
Epoch : 522: f1_weighted Score 0.814 params {'colsample_bytree': 0.4011418115506521, 'gamma': 0.8944756054778118, 'learning_rate': 0.008895324414825788, 'max_depth': 18, 'min_child_weight': 5.728394920741917, 'n_estimators': 350, 'subsample': 0.9752805785468319}
Epoch : 523: f1_weighted Score 0.811 params {'colsample_bytree': 0.3308558300190238, 'gamma': 0.7244995364702028, 'learning_rate': 0.025950862065398917, 'max_depth': 15, 'min_child_weight': 6.512922743437566, 'n_estimators': 225, 'subsample': 0.9907327128258174}
Epoch : 524: f1_weighted Score 0.811 params {'colsample_bytree': 0.4738769683686463, 'gamma': 0.9945813439540178, 'learning_rate': 0.008863467172021048, 'max_depth': 14, 'min_child_weight': 7.326365164150404, 'n_estimators': 450, 'subsample': 0.9742127137970916}
Epoch : 525: f1_weighted Score 0.812 params {'colsample_bytree': 0.5057281622569124, 'gamma': 0.9562407289741859, 'learning_rate': 0.005009798391145802, 'max_depth': 10, 'min_child_weight': 4.920598306675593, 'n_estimators': 550, 'subsample': 0.9688151565671647}
Epoch : 526: f1_weighted Score 0.810 params {'colsample_bytree': 0.4334731355545053, 'gamma': 0.8464237351468471, 'learning_rate': 0.007245090124738176, 'max_depth': 17, 'min_child_weight': 7.49658164363487, 'n_estimators': 425, 'subsample': 0.9859686224021068}
Epoch : 527: f1_weighted Score 0.811 params {'colsample_bytree': 0.6200033058528924, 'gamma': 0.9670854199238621, 'learning_rate': 0.00781312897716546, 'max_depth': 18, 'min_child_weight': 7.1073542707747865, 'n_estimators': 475, 'subsample': 0.9773350063871883}
Epoch : 528: f1_weighted Score 0.798 params {'colsample_bytree': 0.3560185585329417, 'gamma': 0.6094721708036392, 'learning_rate': 0.015265082465252749, 'max_depth': 17, 'min_child_weight': 5.234640978073354, 'n_estimators': 1100, 'subsample': 0.9556791108226846}
Epoch : 529: f1_weighted Score 0.808 params {'colsample_bytree': 0.3188632472393157, 'gamma': 0.5458918433609884, 'learning_rate': 0.006530984900177053, 'max_depth': 18, 'min_child_weight': 4.768481851443761, 'n_estimators': 400, 'subsample': 0.9454683197600631}
Epoch : 530: f1_weighted Score 0.799 params {'colsample_bytree': 0.4247713926645514, 'gamma': 0.7497399369384057, 'learning_rate': 0.023853701685501324, 'max_depth': 19, 'min_child_weight': 4.506629335793919, 'n_estimators': 250, 'subsample': 0.9413623111264909}
Epoch : 531: f1_weighted Score 0.799 params {'colsample_bytree': 0.38496751835839227, 'gamma': 0.6895880649202736, 'learning_rate': 0.01732392595612088, 'max_depth': 18, 'min_child_weight': 4.211000339110789, 'n_estimators': 75, 'subsample': 0.9366080679257976}
Epoch : 532: f1_weighted Score 0.811 params {'colsample_bytree': 0.34445842407221694, 'gamma': 0.716525096999397, 'learning_rate': 0.009924869302083916, 'max_depth': 19, 'min_child_weight': 6.816629183161074, 'n_estimators': 375, 'subsample': 0.9999434920158105}
Epoch : 533: f1_weighted Score 0.812 params {'colsample_bytree': 0.4643557024722879, 'gamma': 0.8839358137676052, 'learning_rate': 0.008473323076281052, 'max_depth': 6, 'min_child_weight': 5.28423192008734, 'n_estimators': 325, 'subsample': 0.9497312767962863}
Epoch : 534: f1_weighted Score 0.800 params {'colsample_bytree': 0.3105529075625198, 'gamma': 0.5835814426164815, 'learning_rate': 0.0054807766293575545, 'max_depth': 7, 'min_child_weight': 2.8780930602791797, 'n_estimators': 875, 'subsample': 0.9219036024611029}
Epoch : 535: f1_weighted Score 0.806 params {'colsample_bytree': 0.5337189233884018, 'gamma': 0.7974500271711317, 'learning_rate': 0.011300349024809753, 'max_depth': 11, 'min_child_weight': 3.638974524601014, 'n_estimators': 300, 'subsample': 0.9328634902472199}
Epoch : 536: f1_weighted Score 0.811 params {'colsample_bytree': 0.36297321913498914, 'gamma': 0.19614982768993788, 'learning_rate': 0.0059216702505231885, 'max_depth': 20, 'min_child_weight': 6.006906905678174, 'n_estimators': 625, 'subsample': 0.9658756543934942}
Epoch : 537: f1_weighted Score 0.814 params {'colsample_bytree': 0.4053721789077153, 'gamma': 0.9413004129572669, 'learning_rate': 0.005767328583884342, 'max_depth': 20, 'min_child_weight': 5.599382401922088, 'n_estimators': 525, 'subsample': 0.9629838014436756}
Epoch : 538: f1_weighted Score 0.795 params {'colsample_bytree': 0.3909074239854226, 'gamma': 0.5211326250319819, 'learning_rate': 0.0222574106295772, 'max_depth': 18, 'min_child_weight': 5.0206680036258895, 'n_estimators': 50, 'subsample': 0.9550201251012709}
Epoch : 539: f1_weighted Score 0.794 params {'colsample_bytree': 0.3319360367487701, 'gamma': 0.5899934308638649, 'learning_rate': 0.01307217457696439, 'max_depth': 19, 'min_child_weight': 5.485799600319023, 'n_estimators': 1000, 'subsample': 0.9439777795559873}
Epoch : 540: f1_weighted Score 0.809 params {'colsample_bytree': 0.590730779220666, 'gamma': 0.9143901919387284, 'learning_rate': 0.007249148550042734, 'max_depth': 16, 'min_child_weight': 4.325016212577818, 'n_estimators': 450, 'subsample': 0.9701806875259144}
Epoch : 541: f1_weighted Score 0.812 params {'colsample_bytree': 0.4381726338183969, 'gamma': 0.9926923978721681, 'learning_rate': 0.008192042798154537, 'max_depth': 20, 'min_child_weight': 6.624949029161915, 'n_estimators': 400, 'subsample': 0.9820347255524577}
Epoch : 542: f1_weighted Score 0.812 params {'colsample_bytree': 0.37727233498764906, 'gamma': 0.8249167799961252, 'learning_rate': 0.006812398570799779, 'max_depth': 20, 'min_child_weight': 5.919412523807541, 'n_estimators': 475, 'subsample': 0.9630367506423623}
Epoch : 543: f1_weighted Score 0.806 params {'colsample_bytree': 0.4812617414822482, 'gamma': 0.9737027923088454, 'learning_rate': 0.009412018043087087, 'max_depth': 8, 'min_child_weight': 4.782673144178828, 'n_estimators': 500, 'subsample': 0.9713958407158547}
Epoch : 544: f1_weighted Score 0.805 params {'colsample_bytree': 0.5540054359759127, 'gamma': 0.8715415498056615, 'learning_rate': 0.0053210847310397194, 'max_depth': 19, 'min_child_weight': 3.1693406572281497, 'n_estimators': 725, 'subsample': 0.9224867350224144}
Epoch : 545: f1_weighted Score 0.811 params {'colsample_bytree': 0.3462605198752381, 'gamma': 0.9410749455258378, 'learning_rate': 0.010598933612576251, 'max_depth': 16, 'min_child_weight': 5.771845809049445, 'n_estimators': 350, 'subsample': 0.953082239884857}
Epoch : 546: f1_weighted Score 0.799 params {'colsample_bytree': 0.5181659858599723, 'gamma': 0.9992787856994446, 'learning_rate': 0.006190296719292852, 'max_depth': 12, 'min_child_weight': 4.006976584060676, 'n_estimators': 750, 'subsample': 0.9955083375897874}
Epoch : 547: f1_weighted Score 0.812 params {'colsample_bytree': 0.4241788715615096, 'gamma': 0.5612740053524139, 'learning_rate': 0.012282010920542619, 'max_depth': 17, 'min_child_weight': 6.29185418893172, 'n_estimators': 250, 'subsample': 0.9880468611828168}
Epoch : 548: f1_weighted Score 0.806 params {'colsample_bytree': 0.3139738383924924, 'gamma': 0.6337161826861846, 'learning_rate': 0.01900560652656714, 'max_depth': 19, 'min_child_weight': 5.09324438913019, 'n_estimators': 275, 'subsample': 0.9254428909957133}
Epoch : 549: f1_weighted Score 0.799 params {'colsample_bytree': 0.30078935921065864, 'gamma': 0.7415065432107708, 'learning_rate': 0.01430361064487787, 'max_depth': 18, 'min_child_weight': 4.4988803959470705, 'n_estimators': 175, 'subsample': 0.9804663575534551}
Epoch : 550: f1_weighted Score 0.808 params {'colsample_bytree': 0.4992051800145342, 'gamma': 0.8980561742833103, 'learning_rate': 0.005006893974853206, 'max_depth': 14, 'min_child_weight': 3.835675937783498, 'n_estimators': 550, 'subsample': 0.975007779660478}
Epoch : 551: f1_weighted Score 0.791 params {'colsample_bytree': 0.4535906022546088, 'gamma': 0.7688217497655369, 'learning_rate': 0.029461453020730687, 'max_depth': 16, 'min_child_weight': 3.4974955302781177, 'n_estimators': 300, 'subsample': 0.8897339181972997}
Epoch : 552: f1_weighted Score 0.810 params {'colsample_bytree': 0.44449020761491237, 'gamma': 0.8203913328282455, 'learning_rate': 0.009875425169330548, 'max_depth': 4, 'min_child_weight': 5.340023635494151, 'n_estimators': 350, 'subsample': 0.8809745048654777}
Epoch : 553: f1_weighted Score 0.812 params {'colsample_bytree': 0.40320231667261835, 'gamma': 0.8508271532982212, 'learning_rate': 0.009127223874911418, 'max_depth': 18, 'min_child_weight': 7.079002696788425, 'n_estimators': 400, 'subsample': 0.9833107173525045}
Epoch : 554: f1_weighted Score 0.812 params {'colsample_bytree': 0.40603949779139914, 'gamma': 0.9412988792143188, 'learning_rate': 0.007662081702374248, 'max_depth': 15, 'min_child_weight': 7.998244462646033, 'n_estimators': 425, 'subsample': 0.9766830765045722}
Epoch : 555: f1_weighted Score 0.808 params {'colsample_bytree': 0.3753572308050691, 'gamma': 0.8123807146653473, 'learning_rate': 0.005724290573925164, 'max_depth': 20, 'min_child_weight': 4.898155941856661, 'n_estimators': 675, 'subsample': 0.9606485693734409}
Epoch : 556: f1_weighted Score 0.807 params {'colsample_bytree': 0.9980440240481777, 'gamma': 0.9591453562800528, 'learning_rate': 0.005021660964959553, 'max_depth': 5, 'min_child_weight': 4.1505344197705885, 'n_estimators': 650, 'subsample': 0.9730516371364084}
Epoch : 557: f1_weighted Score 0.812 params {'colsample_bytree': 0.39321769218607994, 'gamma': 0.6492501725144688, 'learning_rate': 0.006473855076260281, 'max_depth': 17, 'min_child_weight': 6.154246700131944, 'n_estimators': 575, 'subsample': 0.9409280416678517}
Epoch : 558: f1_weighted Score 0.792 params {'colsample_bytree': 0.3217012852254589, 'gamma': 0.8968379260621294, 'learning_rate': 0.04799919369414616, 'max_depth': 15, 'min_child_weight': 5.7568141830168, 'n_estimators': 600, 'subsample': 0.9966158024821278}
Epoch : 559: f1_weighted Score 0.812 params {'colsample_bytree': 0.3557024134346369, 'gamma': 0.7032019275549612, 'learning_rate': 0.01644215384704839, 'max_depth': 13, 'min_child_weight': 4.618515414503628, 'n_estimators': 125, 'subsample': 0.9905260829524707}
Epoch : 560: f1_weighted Score 0.812 params {'colsample_bytree': 0.42232823235282685, 'gamma': 0.9130881377431688, 'learning_rate': 0.008354038594201476, 'max_depth': 18, 'min_child_weight': 7.6941191890580765, 'n_estimators': 450, 'subsample': 0.9916684948998957}
Epoch : 561: f1_weighted Score 0.806 params {'colsample_bytree': 0.45687591528806704, 'gamma': 0.851486361309553, 'learning_rate': 0.007246030877327157, 'max_depth': 19, 'min_child_weight': 4.397454093649018, 'n_estimators': 525, 'subsample': 0.9481442492280219}
Epoch : 562: f1_weighted Score 0.811 params {'colsample_bytree': 0.7363307860201724, 'gamma': 0.9235690099292292, 'learning_rate': 0.008714254426480213, 'max_depth': 19, 'min_child_weight': 7.007293901724978, 'n_estimators': 475, 'subsample': 0.8982305716104604}
Epoch : 563: f1_weighted Score 0.794 params {'colsample_bytree': 0.5725126442356823, 'gamma': 0.7905550321880377, 'learning_rate': 0.0063198772061224375, 'max_depth': 20, 'min_child_weight': 2.4508712460879725, 'n_estimators': 825, 'subsample': 0.950460577976252}
Epoch : 564: f1_weighted Score 0.793 params {'colsample_bytree': 0.37200294207150625, 'gamma': 0.8831148036011958, 'learning_rate': 0.033282988558045276, 'max_depth': 16, 'min_child_weight': 2.6968369379328267, 'n_estimators': 775, 'subsample': 0.9668187789713769}
Epoch : 565: f1_weighted Score 0.812 params {'colsample_bytree': 0.47289681735864725, 'gamma': 0.9799025527737514, 'learning_rate': 0.00557029654574402, 'max_depth': 10, 'min_child_weight': 6.614428565506503, 'n_estimators': 625, 'subsample': 0.9660511826660907}
Epoch : 566: f1_weighted Score 0.810 params {'colsample_bytree': 0.5315016674095463, 'gamma': 0.9983443710450903, 'learning_rate': 0.007841495619014347, 'max_depth': 17, 'min_child_weight': 5.512700731723609, 'n_estimators': 375, 'subsample': 0.9848234353036595}
Epoch : 567: f1_weighted Score 0.812 params {'colsample_bytree': 0.4368567179173501, 'gamma': 0.9665068071484413, 'learning_rate': 0.0068546004943823525, 'max_depth': 17, 'min_child_weight': 5.67033483588509, 'n_estimators': 500, 'subsample': 0.9878094934675964}
Epoch : 568: f1_weighted Score 0.811 params {'colsample_bytree': 0.46324420273062294, 'gamma': 0.8370553190431664, 'learning_rate': 0.010163462817665059, 'max_depth': 20, 'min_child_weight': 6.306682309772098, 'n_estimators': 425, 'subsample': 0.911734216156074}
Epoch : 569: f1_weighted Score 0.802 params {'colsample_bytree': 0.34289051525094405, 'gamma': 0.41740253184776566, 'learning_rate': 0.03817007390441866, 'max_depth': 18, 'min_child_weight': 6.418792013470426, 'n_estimators': 200, 'subsample': 0.9347558271652838}
Epoch : 570: f1_weighted Score 0.800 params {'colsample_bytree': 0.5096750723710617, 'gamma': 0.9337060025254359, 'learning_rate': 0.14175904801159003, 'max_depth': 16, 'min_child_weight': 7.287096041154083, 'n_estimators': 375, 'subsample': 0.991927206312113}
Epoch : 571: f1_weighted Score 0.811 params {'colsample_bytree': 0.6400568842180911, 'gamma': 0.7545959265308093, 'learning_rate': 0.012349603057578784, 'max_depth': 19, 'min_child_weight': 5.921157543973555, 'n_estimators': 325, 'subsample': 0.9454511052507337}
Epoch : 572: f1_weighted Score 0.814 params {'colsample_bytree': 0.3938300216605847, 'gamma': 0.7298955697673514, 'learning_rate': 0.011519841142684156, 'max_depth': 18, 'min_child_weight': 5.566720828832865, 'n_estimators': 250, 'subsample': 0.9548572387330039}
Epoch : 573: f1_weighted Score 0.810 params {'colsample_bytree': 0.4174435077510683, 'gamma': 0.7206194107261092, 'learning_rate': 0.011435775412634524, 'max_depth': 17, 'min_child_weight': 5.619996542567666, 'n_estimators': 225, 'subsample': 0.9627967719761169}
Epoch : 574: f1_weighted Score 0.810 params {'colsample_bytree': 0.30049486551466825, 'gamma': 0.6748732742268818, 'learning_rate': 0.01050627295083869, 'max_depth': 20, 'min_child_weight': 4.655437382207327, 'n_estimators': 300, 'subsample': 0.937559120213747}
Epoch : 575: f1_weighted Score 0.812 params {'colsample_bytree': 0.49942387724925585, 'gamma': 0.9789938509827201, 'learning_rate': 0.005407936998106139, 'max_depth': 19, 'min_child_weight': 6.005850218714059, 'n_estimators': 525, 'subsample': 0.9784341314450761}
Epoch : 576: f1_weighted Score 0.811 params {'colsample_bytree': 0.48160081556975604, 'gamma': 0.8950188722953245, 'learning_rate': 0.00578106082480917, 'max_depth': 16, 'min_child_weight': 6.915075301005546, 'n_estimators': 675, 'subsample': 0.9992244614876097}
Epoch : 577: f1_weighted Score 0.812 params {'colsample_bytree': 0.363190492883759, 'gamma': 0.6619387389415183, 'learning_rate': 0.013078777101685129, 'max_depth': 18, 'min_child_weight': 7.5314083528956886, 'n_estimators': 275, 'subsample': 0.9539297207488039}
Epoch : 578: f1_weighted Score 0.812 params {'colsample_bytree': 0.35943211532362745, 'gamma': 0.8719680437602355, 'learning_rate': 0.006079086121222661, 'max_depth': 20, 'min_child_weight': 5.201831631518119, 'n_estimators': 575, 'subsample': 0.9605465329370213}
Epoch : 579: f1_weighted Score 0.812 params {'colsample_bytree': 0.41160006938656524, 'gamma': 0.777300123621465, 'learning_rate': 0.007087615330053485, 'max_depth': 20, 'min_child_weight': 5.129684839992171, 'n_estimators': 475, 'subsample': 0.9635845664310151}
Epoch : 580: f1_weighted Score 0.812 params {'colsample_bytree': 0.38159391455879266, 'gamma': 0.8987294758860193, 'learning_rate': 0.006644991758726617, 'max_depth': 18, 'min_child_weight': 5.695790843349068, 'n_estimators': 525, 'subsample': 0.9740253668504564}
Epoch : 581: f1_weighted Score 0.812 params {'colsample_bytree': 0.44486935659120797, 'gamma': 0.8031637174864459, 'learning_rate': 0.013352521725419628, 'max_depth': 17, 'min_child_weight': 4.344861040787476, 'n_estimators': 125, 'subsample': 0.9569084218387811}
Epoch : 582: f1_weighted Score 0.806 params {'colsample_bytree': 0.33518889463033097, 'gamma': 0.6135809900918333, 'learning_rate': 0.007650596560446925, 'max_depth': 19, 'min_child_weight': 4.898377907120914, 'n_estimators': 600, 'subsample': 0.9423060328781075}
Epoch : 583: f1_weighted Score 0.812 params {'colsample_bytree': 0.3703776217558535, 'gamma': 0.6784445484258861, 'learning_rate': 0.011832689145732215, 'max_depth': 18, 'min_child_weight': 5.060596529745687, 'n_estimators': 200, 'subsample': 0.9700285671833475}
Epoch : 584: f1_weighted Score 0.812 params {'colsample_bytree': 0.42422310401513674, 'gamma': 0.7055460452803332, 'learning_rate': 0.014956986644508978, 'max_depth': 19, 'min_child_weight': 5.201876224238133, 'n_estimators': 150, 'subsample': 0.9585402415589621}
Epoch : 585: f1_weighted Score 0.812 params {'colsample_bytree': 0.3905559161862085, 'gamma': 0.6985496888287677, 'learning_rate': 0.009210442999432977, 'max_depth': 18, 'min_child_weight': 5.3489461910519704, 'n_estimators': 200, 'subsample': 0.9476474092118545}
Epoch : 586: f1_weighted Score 0.812 params {'colsample_bytree': 0.40635375322950484, 'gamma': 0.8286514800287392, 'learning_rate': 0.009309583314760169, 'max_depth': 19, 'min_child_weight': 6.157270030713026, 'n_estimators': 325, 'subsample': 0.9668021312628262}
Epoch : 587: f1_weighted Score 0.803 params {'colsample_bytree': 0.3987007336529418, 'gamma': 0.8500109898089085, 'learning_rate': 0.008375411807774225, 'max_depth': 19, 'min_child_weight': 4.799897345370074, 'n_estimators': 550, 'subsample': 0.9804121830677401}
Epoch : 588: f1_weighted Score 0.810 params {'colsample_bytree': 0.3822604911048184, 'gamma': 0.6841163364446362, 'learning_rate': 0.014331842977251371, 'max_depth': 17, 'min_child_weight': 5.365877940388369, 'n_estimators': 100, 'subsample': 0.9518659486387291}
Epoch : 589: f1_weighted Score 0.803 params {'colsample_bytree': 0.3390959132381167, 'gamma': 0.7364724473938311, 'learning_rate': 0.010849928732672357, 'max_depth': 20, 'min_child_weight': 3.9543388099555714, 'n_estimators': 375, 'subsample': 0.9698471034636301}
Epoch : 590: f1_weighted Score 0.810 params {'colsample_bytree': 0.4006635973179525, 'gamma': 0.941269803259745, 'learning_rate': 0.008709445339197572, 'max_depth': 18, 'min_child_weight': 5.856419079449683, 'n_estimators': 350, 'subsample': 0.9752341725885794}
Epoch : 591: f1_weighted Score 0.814 params {'colsample_bytree': 0.3514871828807114, 'gamma': 0.5946171121506507, 'learning_rate': 0.006466477960213738, 'max_depth': 20, 'min_child_weight': 6.107467505780451, 'n_estimators': 425, 'subsample': 0.9603110294525629}
Epoch : 592: f1_weighted Score 0.812 params {'colsample_bytree': 0.433387704341478, 'gamma': 0.8645845059678943, 'learning_rate': 0.007170541105848589, 'max_depth': 18, 'min_child_weight': 6.675312048373633, 'n_estimators': 425, 'subsample': 0.9836785326778515}
Epoch : 593: f1_weighted Score 0.792 params {'colsample_bytree': 0.45276635193650094, 'gamma': 0.9570959651355422, 'learning_rate': 0.0694345617032307, 'max_depth': 19, 'min_child_weight': 6.445023534624884, 'n_estimators': 250, 'subsample': 0.958390843681004}
Epoch : 594: f1_weighted Score 0.814 params {'colsample_bytree': 0.39209539042415575, 'gamma': 0.7904228701876344, 'learning_rate': 0.007957728840818312, 'max_depth': 18, 'min_child_weight': 6.181633932082021, 'n_estimators': 375, 'subsample': 0.9719945206470169}
Epoch : 595: f1_weighted Score 0.810 params {'colsample_bytree': 0.4155196089672514, 'gamma': 0.9247723989154235, 'learning_rate': 0.005821595425697, 'max_depth': 17, 'min_child_weight': 6.937264408358395, 'n_estimators': 525, 'subsample': 0.9955049237958694}
Epoch : 596: f1_weighted Score 0.814 params {'colsample_bytree': 0.38848227811025815, 'gamma': 0.7581629649976701, 'learning_rate': 0.011430379757361518, 'max_depth': 17, 'min_child_weight': 6.674040789279209, 'n_estimators': 275, 'subsample': 0.9699319869156057}
Epoch : 597: f1_weighted Score 0.812 params {'colsample_bytree': 0.4330821695825478, 'gamma': 0.8163576809221054, 'learning_rate': 0.011086558373079066, 'max_depth': 17, 'min_child_weight': 6.782449582875245, 'n_estimators': 275, 'subsample': 0.9771949219713877}
Epoch : 598: f1_weighted Score 0.812 params {'colsample_bytree': 0.47183484626768496, 'gamma': 0.9243120912046184, 'learning_rate': 0.009569140258874823, 'max_depth': 20, 'min_child_weight': 7.841020261469394, 'n_estimators': 325, 'subsample': 0.9641628344346247}
Epoch : 599: f1_weighted Score 0.810 params {'colsample_bytree': 0.31358883307189195, 'gamma': 0.7255553273149674, 'learning_rate': 0.012692821662208755, 'max_depth': 18, 'min_child_weight': 4.615258898925061, 'n_estimators': 225, 'subsample': 0.9547771006382889}
Epoch : 600: f1_weighted Score 0.814 params {'colsample_bytree': 0.36596025012280337, 'gamma': 0.6271053386089371, 'learning_rate': 0.01730734996866135, 'max_depth': 19, 'min_child_weight': 5.2729990744592445, 'n_estimators': 175, 'subsample': 0.9496621241791185}
Epoch : 601: f1_weighted Score 0.812 params {'colsample_bytree': 0.44881672148237234, 'gamma': 0.9512441119938376, 'learning_rate': 0.006804396547926275, 'max_depth': 20, 'min_child_weight': 5.785326628956899, 'n_estimators': 475, 'subsample': 0.9813789013913726}
Epoch : 602: f1_weighted Score 0.812 params {'colsample_bytree': 0.4252500829937196, 'gamma': 0.7741996922016764, 'learning_rate': 0.014032123703124505, 'max_depth': 17, 'min_child_weight': 5.395081138478425, 'n_estimators': 75, 'subsample': 0.9288944826836589}
Epoch : 603: f1_weighted Score 0.810 params {'colsample_bytree': 0.32511913951694116, 'gamma': 0.8813793742818665, 'learning_rate': 0.008661134302179425, 'max_depth': 19, 'min_child_weight': 5.594908786684583, 'n_estimators': 350, 'subsample': 0.9662202984833445}
Epoch : 604: f1_weighted Score 0.809 params {'colsample_bytree': 0.46736462462808315, 'gamma': 0.8371785249602128, 'learning_rate': 0.007721751971943059, 'max_depth': 20, 'min_child_weight': 4.964812233652313, 'n_estimators': 500, 'subsample': 0.9467275218614447}
Epoch : 605: f1_weighted Score 0.812 params {'colsample_bytree': 0.34051594241495997, 'gamma': 0.451589240072939, 'learning_rate': 0.0063716915246873704, 'max_depth': 19, 'min_child_weight': 6.3093755326707335, 'n_estimators': 400, 'subsample': 0.9533205027283171}
Epoch : 606: f1_weighted Score 0.812 params {'colsample_bytree': 0.4012764967011345, 'gamma': 0.795902185342059, 'learning_rate': 0.008725410477842574, 'max_depth': 20, 'min_child_weight': 5.530149326180066, 'n_estimators': 300, 'subsample': 0.9397637612889114}
Epoch : 607: f1_weighted Score 0.812 params {'colsample_bytree': 0.41399300450768095, 'gamma': 0.7535904145620842, 'learning_rate': 0.010205863375768589, 'max_depth': 19, 'min_child_weight': 5.893355622234537, 'n_estimators': 350, 'subsample': 0.9626960619189014}
Epoch : 608: f1_weighted Score 0.810 params {'colsample_bytree': 0.37133594499061984, 'gamma': 0.7675200526175603, 'learning_rate': 0.005233482989948652, 'max_depth': 13, 'min_child_weight': 7.278992582606791, 'n_estimators': 625, 'subsample': 0.9724787399233004}
Epoch : 609: f1_weighted Score 0.812 params {'colsample_bytree': 0.3520573420015243, 'gamma': 0.7343888860407608, 'learning_rate': 0.008129947361971061, 'max_depth': 16, 'min_child_weight': 6.197936525165624, 'n_estimators': 425, 'subsample': 0.9862827174756702}
Epoch : 610: f1_weighted Score 0.810 params {'colsample_bytree': 0.3000865028069643, 'gamma': 0.6658447010763142, 'learning_rate': 0.011622238770689308, 'max_depth': 16, 'min_child_weight': 8.214748089260127, 'n_estimators': 250, 'subsample': 0.9709360824033526}
Epoch : 611: f1_weighted Score 0.812 params {'colsample_bytree': 0.347738078702577, 'gamma': 0.5537828715724211, 'learning_rate': 0.007495249803895539, 'max_depth': 20, 'min_child_weight': 6.494300621127735, 'n_estimators': 450, 'subsample': 0.9437079324807638}
Epoch : 612: f1_weighted Score 0.812 params {'colsample_bytree': 0.3552359560292386, 'gamma': 0.646287950683913, 'learning_rate': 0.008227773200808391, 'max_depth': 18, 'min_child_weight': 7.742382693755451, 'n_estimators': 375, 'subsample': 0.9795044407670122}
Epoch : 613: f1_weighted Score 0.806 params {'colsample_bytree': 0.37892233796764707, 'gamma': 0.5286540348072447, 'learning_rate': 0.009662945248940978, 'max_depth': 20, 'min_child_weight': 5.0217566177009365, 'n_estimators': 400, 'subsample': 0.9757950665185416}
Epoch : 614: f1_weighted Score 0.799 params {'colsample_bytree': 0.325695683812825, 'gamma': 0.6925038631943592, 'learning_rate': 0.0162549478056798, 'max_depth': 18, 'min_child_weight': 6.19929296118244, 'n_estimators': 150, 'subsample': 0.9560717313581842}
Epoch : 615: f1_weighted Score 0.808 params {'colsample_bytree': 0.31055790996859767, 'gamma': 0.5876049786060306, 'learning_rate': 0.01877126655038513, 'max_depth': 18, 'min_child_weight': 6.003323197994296, 'n_estimators': 175, 'subsample': 0.9592849940966199}
Epoch : 616: f1_weighted Score 0.809 params {'colsample_bytree': 0.4901906015106734, 'gamma': 0.9878569901879556, 'learning_rate': 0.005059568710064627, 'max_depth': 19, 'min_child_weight': 4.761088191210152, 'n_estimators': 725, 'subsample': 0.9505939711500293}
Epoch : 617: f1_weighted Score 0.808 params {'colsample_bytree': 0.43067512927733825, 'gamma': 0.9130673710732562, 'learning_rate': 0.006977818493121736, 'max_depth': 19, 'min_child_weight': 4.431886422305743, 'n_estimators': 550, 'subsample': 0.9334790110200543}
Epoch : 618: f1_weighted Score 0.812 params {'colsample_bytree': 0.3333874980679251, 'gamma': 0.8193476814791051, 'learning_rate': 0.01346001724148659, 'max_depth': 17, 'min_child_weight': 5.743809560678003, 'n_estimators': 250, 'subsample': 0.9631551730276056}
Epoch : 619: f1_weighted Score 0.812 params {'colsample_bytree': 0.3863351316446479, 'gamma': 0.10804037631314783, 'learning_rate': 0.006414124393792275, 'max_depth': 20, 'min_child_weight': 8.552211922319124, 'n_estimators': 450, 'subsample': 0.9892577319656172}
Epoch : 620: f1_weighted Score 0.812 params {'colsample_bytree': 0.3860226621698224, 'gamma': 0.7824304200371109, 'learning_rate': 0.007844660378936169, 'max_depth': 15, 'min_child_weight': 7.54482332520732, 'n_estimators': 350, 'subsample': 0.9944453586285229}
Epoch : 621: f1_weighted Score 0.800 params {'colsample_bytree': 0.9580239605702757, 'gamma': 0.8595250664849066, 'learning_rate': 0.022364270682583953, 'max_depth': 14, 'min_child_weight': 8.407144542505037, 'n_estimators': 575, 'subsample': 0.9709482350815033}
Epoch : 622: f1_weighted Score 0.809 params {'colsample_bytree': 0.44740982930761114, 'gamma': 0.8797601411795488, 'learning_rate': 0.005722047331715976, 'max_depth': 19, 'min_child_weight': 4.367852398522061, 'n_estimators': 600, 'subsample': 0.944120415450344}
Epoch : 623: f1_weighted Score 0.812 params {'colsample_bytree': 0.37217074794851934, 'gamma': 0.7267124261423856, 'learning_rate': 0.009921309651331171, 'max_depth': 18, 'min_child_weight': 6.8328227861976325, 'n_estimators': 300, 'subsample': 0.9668954950053955}
Epoch : 624: f1_weighted Score 0.812 params {'colsample_bytree': 0.4046999358932535, 'gamma': 0.6095460508560759, 'learning_rate': 0.01072379359792471, 'max_depth': 20, 'min_child_weight': 5.453107022329725, 'n_estimators': 225, 'subsample': 0.935682009612449}
Epoch : 625: f1_weighted Score 0.797 params {'colsample_bytree': 0.4581355414029111, 'gamma': 0.7982736911537639, 'learning_rate': 0.17792427187920676, 'max_depth': 12, 'min_child_weight': 7.187997359158342, 'n_estimators': 325, 'subsample': 0.9820714658963726}
Epoch : 626: f1_weighted Score 0.812 params {'colsample_bytree': 0.36385225899787543, 'gamma': 0.4726982571953348, 'learning_rate': 0.0050794821046826035, 'max_depth': 16, 'min_child_weight': 7.0767661376885185, 'n_estimators': 475, 'subsample': 0.9852691495634998}
Epoch : 627: f1_weighted Score 0.810 params {'colsample_bytree': 0.3201619572034395, 'gamma': 0.5643901130151032, 'learning_rate': 0.00714732017881562, 'max_depth': 20, 'min_child_weight': 5.989998809125834, 'n_estimators': 425, 'subsample': 0.9598562942586963}
Epoch : 628: f1_weighted Score 0.812 params {'colsample_bytree': 0.38454848795871305, 'gamma': 0.631665506476375, 'learning_rate': 0.011714581416257168, 'max_depth': 18, 'min_child_weight': 6.599573740530711, 'n_estimators': 175, 'subsample': 0.9739658784440509}
Epoch : 629: f1_weighted Score 0.812 params {'colsample_bytree': 0.33523572938247875, 'gamma': 0.7529732202011449, 'learning_rate': 0.02617524752862741, 'max_depth': 17, 'min_child_weight': 4.145973891644898, 'n_estimators': 100, 'subsample': 0.918470891889759}
Epoch : 630: f1_weighted Score 0.810 params {'colsample_bytree': 0.6918204461410942, 'gamma': 0.6586407604149025, 'learning_rate': 0.014931887812467634, 'max_depth': 17, 'min_child_weight': 4.613529968739513, 'n_estimators': 125, 'subsample': 0.9562055673070214}
Epoch : 631: f1_weighted Score 0.803 params {'colsample_bytree': 0.5150914676019649, 'gamma': 0.8961790540012434, 'learning_rate': 0.00906204112387483, 'max_depth': 15, 'min_child_weight': 3.8932238454605415, 'n_estimators': 375, 'subsample': 0.9775605990699792}
Epoch : 632: f1_weighted Score 0.810 params {'colsample_bytree': 0.42154904355022116, 'gamma': 0.7566870397639024, 'learning_rate': 0.019688335655014176, 'max_depth': 16, 'min_child_weight': 7.994898837576269, 'n_estimators': 200, 'subsample': 0.9481734455729712}
Epoch : 633: f1_weighted Score 0.812 params {'colsample_bytree': 0.4399807898781407, 'gamma': 0.9379663264451685, 'learning_rate': 0.0055670680511329005, 'max_depth': 20, 'min_child_weight': 5.764484700136724, 'n_estimators': 500, 'subsample': 0.9880373246169635}
Epoch : 634: f1_weighted Score 0.804 params {'colsample_bytree': 0.31264091009776596, 'gamma': 0.6264793658191811, 'learning_rate': 0.016703727745683798, 'max_depth': 16, 'min_child_weight': 5.249462353540948, 'n_estimators': 175, 'subsample': 0.9414316254666895}
Epoch : 635: f1_weighted Score 0.812 params {'colsample_bytree': 0.48876605914657945, 'gamma': 0.8442991432449246, 'learning_rate': 0.010655179565272265, 'max_depth': 14, 'min_child_weight': 6.739244727261731, 'n_estimators': 300, 'subsample': 0.9677301480598466}
Epoch : 636: f1_weighted Score 0.812 params {'colsample_bytree': 0.3540833825184157, 'gamma': 0.3859052977391305, 'learning_rate': 0.006065637250381971, 'max_depth': 20, 'min_child_weight': 6.364624848656607, 'n_estimators': 525, 'subsample': 0.9589402662237858}
Epoch : 637: f1_weighted Score 0.814 params {'colsample_bytree': 0.34313389046411125, 'gamma': 0.6813235942305845, 'learning_rate': 0.00999553440901256, 'max_depth': 19, 'min_child_weight': 5.183876470016246, 'n_estimators': 275, 'subsample': 0.9289105543110051}
Epoch : 638: f1_weighted Score 0.812 params {'colsample_bytree': 0.34942792886276103, 'gamma': 0.4967393485680405, 'learning_rate': 0.012061210209514825, 'max_depth': 15, 'min_child_weight': 7.349824423709289, 'n_estimators': 250, 'subsample': 0.9256046069514824}
Epoch : 639: f1_weighted Score 0.812 params {'colsample_bytree': 0.35814277703071973, 'gamma': 0.5170023709155822, 'learning_rate': 0.006416337371890422, 'max_depth': 20, 'min_child_weight': 6.111542244718932, 'n_estimators': 450, 'subsample': 0.9496327426062402}
Epoch : 640: f1_weighted Score 0.814 params {'colsample_bytree': 0.392474208570908, 'gamma': 0.6054500251242801, 'learning_rate': 0.007606881121030472, 'max_depth': 18, 'min_child_weight': 6.545704589390198, 'n_estimators': 400, 'subsample': 0.9530655338424358}
Epoch : 641: f1_weighted Score 0.812 params {'colsample_bytree': 0.39766897613483965, 'gamma': 0.9970572968145188, 'learning_rate': 0.00618452219311122, 'max_depth': 17, 'min_child_weight': 7.516445230022053, 'n_estimators': 475, 'subsample': 0.9998982973534944}
Epoch : 642: f1_weighted Score 0.810 params {'colsample_bytree': 0.41970505394146745, 'gamma': 0.5921869877571145, 'learning_rate': 0.012323027083428618, 'max_depth': 11, 'min_child_weight': 7.183536389472051, 'n_estimators': 275, 'subsample': 0.9387419211222178}
Epoch : 643: f1_weighted Score 0.802 params {'colsample_bytree': 0.7943511644607945, 'gamma': 0.8655537164705146, 'learning_rate': 0.006750150870245756, 'max_depth': 12, 'min_child_weight': 6.923283071489158, 'n_estimators': 1275, 'subsample': 0.9987801775153515}
Epoch : 644: f1_weighted Score 0.811 params {'colsample_bytree': 0.8445208707448519, 'gamma': 0.3139046258937224, 'learning_rate': 0.006999578226117562, 'max_depth': 17, 'min_child_weight': 6.992547611367649, 'n_estimators': 425, 'subsample': 0.9702372213306706}
Epoch : 645: f1_weighted Score 0.812 params {'colsample_bytree': 0.37647501601083694, 'gamma': 0.7122550929740895, 'learning_rate': 0.017915725861819203, 'max_depth': 17, 'min_child_weight': 6.328770699902081, 'n_estimators': 150, 'subsample': 0.9504966104991591}
Epoch : 646: f1_weighted Score 0.810 params {'colsample_bytree': 0.8861768506910775, 'gamma': 0.8163255129933893, 'learning_rate': 0.013469105350148516, 'max_depth': 18, 'min_child_weight': 4.906343470513847, 'n_estimators': 200, 'subsample': 0.9448558079649808}
Epoch : 647: f1_weighted Score 0.812 params {'colsample_bytree': 0.46538942668793004, 'gamma': 0.5742573014086543, 'learning_rate': 0.009227119252574507, 'max_depth': 19, 'min_child_weight': 4.284597833789912, 'n_estimators': 325, 'subsample': 0.9313003126070396}
Epoch : 648: f1_weighted Score 0.812 params {'colsample_bytree': 0.4825643939400397, 'gamma': 0.7937668896914365, 'learning_rate': 0.008381893885644885, 'max_depth': 18, 'min_child_weight': 5.911338092337226, 'n_estimators': 350, 'subsample': 0.9911109883032507}
Epoch : 649: f1_weighted Score 0.812 params {'colsample_bytree': 0.44363824130290813, 'gamma': 0.815754468040514, 'learning_rate': 0.007958043340007603, 'max_depth': 9, 'min_child_weight': 7.928629763096874, 'n_estimators': 375, 'subsample': 0.9827493083082893}
Epoch : 650: f1_weighted Score 0.739 params {'colsample_bytree': 0.33088508727857796, 'gamma': 0.6539958211397967, 'learning_rate': 0.02190814286235232, 'max_depth': 16, 'min_child_weight': 3.684821957170662, 'n_estimators': 50, 'subsample': 0.9400578409031694}
Epoch : 651: f1_weighted Score 0.799 params {'colsample_bytree': 0.30084417664167756, 'gamma': 0.5430793656263347, 'learning_rate': 0.015467593143898693, 'max_depth': 19, 'min_child_weight': 5.128142837792384, 'n_estimators': 125, 'subsample': 0.9259267989553478}
Epoch : 652: f1_weighted Score 0.810 params {'colsample_bytree': 0.3000587599196162, 'gamma': 0.5386526416947044, 'learning_rate': 0.01282013866110949, 'max_depth': 15, 'min_child_weight': 5.480305265237838, 'n_estimators': 250, 'subsample': 0.9394469485038435}
Epoch : 653: f1_weighted Score 0.802 params {'colsample_bytree': 0.3671770819417152, 'gamma': 0.680508728318331, 'learning_rate': 0.01436120501769361, 'max_depth': 17, 'min_child_weight': 6.75582524501305, 'n_estimators': 75, 'subsample': 0.9312796884132735}
Epoch : 654: f1_weighted Score 0.812 params {'colsample_bytree': 0.4103722040880751, 'gamma': 0.7702312846100811, 'learning_rate': 0.005214353734154413, 'max_depth': 19, 'min_child_weight': 8.861845245101227, 'n_estimators': 650, 'subsample': 0.9625589505194322}
Epoch : 655: f1_weighted Score 0.805 params {'colsample_bytree': 0.39709629427067755, 'gamma': 0.9561770378258077, 'learning_rate': 0.005658316810611344, 'max_depth': 19, 'min_child_weight': 6.586818951082146, 'n_estimators': 1375, 'subsample': 0.9779971030997391}
Epoch : 656: f1_weighted Score 0.808 params {'colsample_bytree': 0.43073446480478683, 'gamma': 0.7378646639199895, 'learning_rate': 0.015424325320149262, 'max_depth': 16, 'min_child_weight': 4.957059046951027, 'n_estimators': 225, 'subsample': 0.9658348037176419}
Epoch : 657: f1_weighted Score 0.810 params {'colsample_bytree': 0.3108111812439656, 'gamma': 0.5878397489509226, 'learning_rate': 0.010678973795797906, 'max_depth': 18, 'min_child_weight': 4.717249523206498, 'n_estimators': 275, 'subsample': 0.9045043413930475}
Epoch : 658: f1_weighted Score 0.812 params {'colsample_bytree': 0.38811303875552805, 'gamma': 0.3464121320774975, 'learning_rate': 0.010907096484121857, 'max_depth': 17, 'min_child_weight': 7.495128235520222, 'n_estimators': 225, 'subsample': 0.9719683124981356}
Epoch : 659: f1_weighted Score 0.810 params {'colsample_bytree': 0.7550682686925839, 'gamma': 0.6327998349359605, 'learning_rate': 0.018172746251515874, 'max_depth': 18, 'min_child_weight': 5.255786682832846, 'n_estimators': 150, 'subsample': 0.9204984057468066}
Epoch : 660: f1_weighted Score 0.814 params {'colsample_bytree': 0.41184875765702267, 'gamma': 0.8687018329781206, 'learning_rate': 0.008671194917538661, 'max_depth': 18, 'min_child_weight': 5.701027407276827, 'n_estimators': 350, 'subsample': 0.975371883320723}
Epoch : 661: f1_weighted Score 0.812 params {'colsample_bytree': 0.3666494259529106, 'gamma': 0.9198541072767139, 'learning_rate': 0.025131115956631374, 'max_depth': 18, 'min_child_weight': 5.39483821968062, 'n_estimators': 100, 'subsample': 0.9537151884081773}
Epoch : 662: f1_weighted Score 0.812 params {'colsample_bytree': 0.5408711559115061, 'gamma': 0.8641340403735482, 'learning_rate': 0.007552149321510685, 'max_depth': 7, 'min_child_weight': 6.003768732091679, 'n_estimators': 400, 'subsample': 0.8669790013085026}
Epoch : 663: f1_weighted Score 0.814 params {'colsample_bytree': 0.3357506884728924, 'gamma': 0.6211516696928969, 'learning_rate': 0.02028922440633541, 'max_depth': 19, 'min_child_weight': 5.410591422772242, 'n_estimators': 150, 'subsample': 0.9296379454521145}
Epoch : 664: f1_weighted Score 0.810 params {'colsample_bytree': 0.33182084749602425, 'gamma': 0.7133686192476618, 'learning_rate': 0.021409562030281975, 'max_depth': 19, 'min_child_weight': 6.359618631090644, 'n_estimators': 175, 'subsample': 0.9137558084092318}
Epoch : 665: f1_weighted Score 0.792 params {'colsample_bytree': 0.3016099146932407, 'gamma': 0.49300366580836374, 'learning_rate': 0.04412721296872748, 'max_depth': 20, 'min_child_weight': 5.648997699213302, 'n_estimators': 425, 'subsample': 0.9584140850768426}
Epoch : 666: f1_weighted Score 0.812 params {'colsample_bytree': 0.33727473926356344, 'gamma': 0.6939149346685877, 'learning_rate': 0.009915238417283754, 'max_depth': 20, 'min_child_weight': 6.15596254352361, 'n_estimators': 300, 'subsample': 0.9185032654871996}
Epoch : 667: f1_weighted Score 0.810 params {'colsample_bytree': 0.3228229572397301, 'gamma': 0.5554316329645033, 'learning_rate': 0.009565034238622962, 'max_depth': 17, 'min_child_weight': 5.739666387043164, 'n_estimators': 325, 'subsample': 0.9444672392780152}
Epoch : 668: f1_weighted Score 0.810 params {'colsample_bytree': 0.3548566730651051, 'gamma': 0.648773386296095, 'learning_rate': 0.008691037373016852, 'max_depth': 18, 'min_child_weight': 4.056700578115026, 'n_estimators': 225, 'subsample': 0.9665997871081894}
Epoch : 669: f1_weighted Score 0.812 params {'colsample_bytree': 0.36864112152063466, 'gamma': 0.7792736187864031, 'learning_rate': 0.010472438390205145, 'max_depth': 8, 'min_child_weight': 4.56138782348563, 'n_estimators': 300, 'subsample': 0.9056473392302677}
Epoch : 670: f1_weighted Score 0.812 params {'colsample_bytree': 0.45465653409158835, 'gamma': 0.9055687958452243, 'learning_rate': 0.006824879920393404, 'max_depth': 14, 'min_child_weight': 6.998512672917597, 'n_estimators': 500, 'subsample': 0.9801906865031718}
Epoch : 671: f1_weighted Score 0.808 params {'colsample_bytree': 0.318941352106173, 'gamma': 0.669637730496066, 'learning_rate': 0.012873738884633758, 'max_depth': 19, 'min_child_weight': 4.187418107012997, 'n_estimators': 200, 'subsample': 0.9344738322552473}
Epoch : 672: f1_weighted Score 0.812 params {'colsample_bytree': 0.3413282404033135, 'gamma': 0.7528793578827899, 'learning_rate': 0.009253131994602018, 'max_depth': 16, 'min_child_weight': 6.771339926418534, 'n_estimators': 375, 'subsample': 0.9844695416974929}
Epoch : 673: f1_weighted Score 0.814 params {'colsample_bytree': 0.3468879744068862, 'gamma': 0.6741471317352986, 'learning_rate': 0.011651392591138496, 'max_depth': 13, 'min_child_weight': 6.5398765755503625, 'n_estimators': 275, 'subsample': 0.9358488849919679}
Epoch : 674: f1_weighted Score 0.797 params {'colsample_bytree': 0.37684177051349693, 'gamma': 0.6822236172932186, 'learning_rate': 0.012056468012567155, 'max_depth': 13, 'min_child_weight': 6.603944745467182, 'n_estimators': 1500, 'subsample': 0.9240073250383487}
Epoch : 675: f1_weighted Score 0.812 params {'colsample_bytree': 0.35072302502563846, 'gamma': 0.6081817693413957, 'learning_rate': 0.007341887237884996, 'max_depth': 12, 'min_child_weight': 7.200737958687857, 'n_estimators': 550, 'subsample': 0.9111142840148364}
Epoch : 676: f1_weighted Score 0.810 params {'colsample_bytree': 0.30081631970151856, 'gamma': 0.5097621589991126, 'learning_rate': 0.0060424032849917975, 'max_depth': 20, 'min_child_weight': 6.11500093995137, 'n_estimators': 525, 'subsample': 0.97297334552293}
Epoch : 677: f1_weighted Score 0.812 params {'colsample_bytree': 0.3980733306335785, 'gamma': 0.5383582976605892, 'learning_rate': 0.0050628927637720415, 'max_depth': 19, 'min_child_weight': 6.233850216876912, 'n_estimators': 575, 'subsample': 0.9634615323244942}
Epoch : 678: f1_weighted Score 0.812 params {'colsample_bytree': 0.43172005932783053, 'gamma': 0.8311643251848365, 'learning_rate': 0.006383740202746673, 'max_depth': 15, 'min_child_weight': 7.8029827999931385, 'n_estimators': 625, 'subsample': 0.9710507661011964}
Epoch : 679: f1_weighted Score 0.810 params {'colsample_bytree': 0.3192582290344865, 'gamma': 0.45128163152988643, 'learning_rate': 0.007805832528185157, 'max_depth': 20, 'min_child_weight': 5.959165144229421, 'n_estimators': 450, 'subsample': 0.961179450404738}
Epoch : 680: f1_weighted Score 0.812 params {'colsample_bytree': 0.3792234420020966, 'gamma': 0.7062672824833404, 'learning_rate': 0.006591771583837097, 'max_depth': 11, 'min_child_weight': 6.364313652182011, 'n_estimators': 475, 'subsample': 0.8729564385955688}
Epoch : 681: f1_weighted Score 0.795 params {'colsample_bytree': 0.4146002812539492, 'gamma': 0.6377822118193218, 'learning_rate': 0.01601899271124676, 'max_depth': 10, 'min_child_weight': 5.163798490304782, 'n_estimators': 925, 'subsample': 0.9002573999067994}
Epoch : 682: f1_weighted Score 0.805 params {'colsample_bytree': 0.336343707520297, 'gamma': 0.5682241113944413, 'learning_rate': 0.009230496591634165, 'max_depth': 19, 'min_child_weight': 5.642396428276578, 'n_estimators': 125, 'subsample': 0.893604402185724}
Epoch : 683: f1_weighted Score 0.791 params {'colsample_bytree': 0.30166193570491623, 'gamma': 0.47313754309716155, 'learning_rate': 0.023431831529408673, 'max_depth': 17, 'min_child_weight': 7.327492970057984, 'n_estimators': 75, 'subsample': 0.9473420678248576}
Epoch : 684: f1_weighted Score 0.812 params {'colsample_bytree': 0.3855787315042547, 'gamma': 0.733481194860324, 'learning_rate': 0.010050587483585552, 'max_depth': 16, 'min_child_weight': 8.271488273624438, 'n_estimators': 275, 'subsample': 0.9955824182871007}
Epoch : 685: f1_weighted Score 0.812 params {'colsample_bytree': 0.9194030837923002, 'gamma': 0.5940597745153777, 'learning_rate': 0.024390583079615547, 'max_depth': 18, 'min_child_weight': 7.6153427233444315, 'n_estimators': 75, 'subsample': 0.9503757367155173}
Epoch : 686: f1_weighted Score 0.812 params {'colsample_bytree': 0.42722232063371746, 'gamma': 0.7506100992767545, 'learning_rate': 0.020098161443944586, 'max_depth': 16, 'min_child_weight': 6.783084969203343, 'n_estimators': 100, 'subsample': 0.8801696693983863}
Epoch : 687: f1_weighted Score 0.790 params {'colsample_bytree': 0.31440305901170773, 'gamma': 0.40077883910409673, 'learning_rate': 0.060565744108236695, 'max_depth': 19, 'min_child_weight': 5.882729782560589, 'n_estimators': 400, 'subsample': 0.9187337817856509}
Epoch : 688: f1_weighted Score 0.812 params {'colsample_bytree': 0.3583043379676488, 'gamma': 0.5265680744559866, 'learning_rate': 0.014352590320612065, 'max_depth': 20, 'min_child_weight': 6.488363982711233, 'n_estimators': 175, 'subsample': 0.915045804177874}
Epoch : 689: f1_weighted Score 0.812 params {'colsample_bytree': 0.36717059115004697, 'gamma': 0.9573722329427732, 'learning_rate': 0.030108529583825122, 'max_depth': 20, 'min_child_weight': 7.008008832679035, 'n_estimators': 150, 'subsample': 0.9638349548628706}
Epoch : 690: f1_weighted Score 0.812 params {'colsample_bytree': 0.39442229930954786, 'gamma': 0.4351087219534841, 'learning_rate': 0.011038045535578758, 'max_depth': 17, 'min_child_weight': 8.715884853294542, 'n_estimators': 325, 'subsample': 0.9532798549969632}
Epoch : 691: f1_weighted Score 0.812 params {'colsample_bytree': 0.448630076925459, 'gamma': 0.983885833883676, 'learning_rate': 0.01715067203399157, 'max_depth': 19, 'min_child_weight': 5.510646039425375, 'n_estimators': 100, 'subsample': 0.9474941381338272}
Epoch : 692: f1_weighted Score 0.810 params {'colsample_bytree': 0.4796341994674449, 'gamma': 0.710019204689085, 'learning_rate': 0.011613069477926447, 'max_depth': 17, 'min_child_weight': 6.521970848977043, 'n_estimators': 250, 'subsample': 0.9562075477395201}
Epoch : 693: f1_weighted Score 0.805 params {'colsample_bytree': 0.41243740014098523, 'gamma': 0.619237542986015, 'learning_rate': 0.02781716502541945, 'max_depth': 6, 'min_child_weight': 4.8028250820354295, 'n_estimators': 175, 'subsample': 0.9276952580930328}
Epoch : 694: f1_weighted Score 0.742 params {'colsample_bytree': 0.3260729068483133, 'gamma': 0.6564929917665511, 'learning_rate': 0.019972242349641893, 'max_depth': 18, 'min_child_weight': 4.615594502093171, 'n_estimators': 50, 'subsample': 0.9416761900313619}
Epoch : 695: f1_weighted Score 0.809 params {'colsample_bytree': 0.4649991511760382, 'gamma': 0.6497322919313037, 'learning_rate': 0.009946825833101336, 'max_depth': 19, 'min_child_weight': 5.175107221341356, 'n_estimators': 350, 'subsample': 0.9521641837740518}
Epoch : 696: f1_weighted Score 0.800 params {'colsample_bytree': 0.503536550395151, 'gamma': 0.7929658569130799, 'learning_rate': 0.00841822419519885, 'max_depth': 18, 'min_child_weight': 3.809803410491695, 'n_estimators': 500, 'subsample': 0.9758583715097946}
Epoch : 697: f1_weighted Score 0.810 params {'colsample_bytree': 0.30959596434605624, 'gamma': 0.5529563996367255, 'learning_rate': 0.008778313591482734, 'max_depth': 14, 'min_child_weight': 6.066439510007368, 'n_estimators': 325, 'subsample': 0.9681094782491086}
Epoch : 698: f1_weighted Score 0.812 params {'colsample_bytree': 0.5192715011626341, 'gamma': 0.8269077297152193, 'learning_rate': 0.007495148354332643, 'max_depth': 15, 'min_child_weight': 4.453461981610974, 'n_estimators': 400, 'subsample': 0.8307063473819988}
Epoch : 699: f1_weighted Score 0.792 params {'colsample_bytree': 0.34512258584548944, 'gamma': 0.48683853409334543, 'learning_rate': 0.029193675762179287, 'max_depth': 12, 'min_child_weight': 6.43007210654635, 'n_estimators': 550, 'subsample': 0.9208399932816409}
Epoch : 700: f1_weighted Score 0.810 params {'colsample_bytree': 0.3346777079548633, 'gamma': 0.6108296581945118, 'learning_rate': 0.013144742937930227, 'max_depth': 16, 'min_child_weight': 7.217563279170471, 'n_estimators': 125, 'subsample': 0.933748355099995}
Epoch : 701: f1_weighted Score 0.812 params {'colsample_bytree': 0.4453969808888981, 'gamma': 0.7702058835759811, 'learning_rate': 0.011042718224230922, 'max_depth': 17, 'min_child_weight': 7.390928554798236, 'n_estimators': 225, 'subsample': 0.9854295549828656}
Epoch : 702: f1_weighted Score 0.810 params {'colsample_bytree': 0.7079616179396722, 'gamma': 0.584620913426921, 'learning_rate': 0.014701398703453467, 'max_depth': 20, 'min_child_weight': 5.381123366078306, 'n_estimators': 200, 'subsample': 0.944181025781537}
Epoch : 703: f1_weighted Score 0.812 params {'colsample_bytree': 0.37404338497524375, 'gamma': 0.6282479632613931, 'learning_rate': 0.02113088744086166, 'max_depth': 13, 'min_child_weight': 8.030327932034716, 'n_estimators': 150, 'subsample': 0.9083278307537004}
Epoch : 704: f1_weighted Score 0.804 params {'colsample_bytree': 0.3604695074131259, 'gamma': 0.5726338264062033, 'learning_rate': 0.01849470877264663, 'max_depth': 18, 'min_child_weight': 5.007324441163079, 'n_estimators': 75, 'subsample': 0.9307445606298905}
Epoch : 705: f1_weighted Score 0.809 params {'colsample_bytree': 0.328808308682214, 'gamma': 0.4621193004476273, 'learning_rate': 0.026237199747261374, 'max_depth': 18, 'min_child_weight': 5.943152685826211, 'n_estimators': 250, 'subsample': 0.938391742436063}
Epoch : 706: f1_weighted Score 0.811 params {'colsample_bytree': 0.6602637031074964, 'gamma': 0.5198190982688022, 'learning_rate': 0.005646938055745082, 'max_depth': 20, 'min_child_weight': 5.492025010215321, 'n_estimators': 575, 'subsample': 0.9458474090247959}
Epoch : 707: f1_weighted Score 0.808 params {'colsample_bytree': 0.3946457433342448, 'gamma': 0.6093222358375373, 'learning_rate': 0.01703445848126389, 'max_depth': 17, 'min_child_weight': 5.8291546446499405, 'n_estimators': 300, 'subsample': 0.9564265510107991}
Epoch : 708: f1_weighted Score 0.812 params {'colsample_bytree': 0.357864404587843, 'gamma': 0.5672213571712743, 'learning_rate': 0.007922292543533924, 'max_depth': 18, 'min_child_weight': 6.263851415078777, 'n_estimators': 375, 'subsample': 0.9909297363018897}
Epoch : 709: f1_weighted Score 0.808 params {'colsample_bytree': 0.4763069734878789, 'gamma': 0.9993766270397946, 'learning_rate': 0.005057361943687053, 'max_depth': 19, 'min_child_weight': 4.034036022307854, 'n_estimators': 700, 'subsample': 0.8839823062526193}
Epoch : 710: f1_weighted Score 0.810 params {'colsample_bytree': 0.5601050866195927, 'gamma': 0.8429595977625182, 'learning_rate': 0.013893523616387697, 'max_depth': 20, 'min_child_weight': 4.887094699011619, 'n_estimators': 200, 'subsample': 0.9259971006281411}
Epoch : 711: f1_weighted Score 0.812 params {'colsample_bytree': 0.3456512032630505, 'gamma': 0.9713306242788226, 'learning_rate': 0.006030882823678392, 'max_depth': 11, 'min_child_weight': 4.904092563484506, 'n_estimators': 650, 'subsample': 0.8881165412921355}
Epoch : 712: f1_weighted Score 0.811 params {'colsample_bytree': 0.49900736436298027, 'gamma': 0.8970282282369444, 'learning_rate': 0.005434498904297332, 'max_depth': 8, 'min_child_weight': 6.182038107003454, 'n_estimators': 650, 'subsample': 0.9993073451458376}
Epoch : 713: f1_weighted Score 0.812 params {'colsample_bytree': 0.41919819575444045, 'gamma': 0.8004899364359901, 'learning_rate': 0.009403981045607522, 'max_depth': 18, 'min_child_weight': 5.737700377336132, 'n_estimators': 325, 'subsample': 0.9228461731771892}
Epoch : 714: f1_weighted Score 0.808 params {'colsample_bytree': 0.3245811632561228, 'gamma': 0.5402084543860363, 'learning_rate': 0.02374149080421576, 'max_depth': 19, 'min_child_weight': 5.375496508992642, 'n_estimators': 100, 'subsample': 0.9364885566811841}
Epoch : 715: f1_weighted Score 0.806 params {'colsample_bytree': 0.43506333078217085, 'gamma': 0.669940878883384, 'learning_rate': 0.01522585629303502, 'max_depth': 15, 'min_child_weight': 4.602386013481228, 'n_estimators': 225, 'subsample': 0.9532337099396716}
Epoch : 716: f1_weighted Score 0.811 params {'colsample_bytree': 0.38376223022867706, 'gamma': 0.7024894270355737, 'learning_rate': 0.012003605726137732, 'max_depth': 13, 'min_child_weight': 7.724800352811352, 'n_estimators': 450, 'subsample': 0.9621245990408536}
Epoch : 717: f1_weighted Score 0.811 params {'colsample_bytree': 0.37388857760074246, 'gamma': 0.7202928086226232, 'learning_rate': 0.017058887180695356, 'max_depth': 17, 'min_child_weight': 4.286004403762931, 'n_estimators': 175, 'subsample': 0.9484041794504214}
Epoch : 718: f1_weighted Score 0.740 params {'colsample_bytree': 0.31075115007685933, 'gamma': 0.6356918374663384, 'learning_rate': 0.018146783106378125, 'max_depth': 14, 'min_child_weight': 6.910597359485495, 'n_estimators': 50, 'subsample': 0.9294971548015213}
Epoch : 719: f1_weighted Score 0.811 params {'colsample_bytree': 0.5299778077817724, 'gamma': 0.8716333881836078, 'learning_rate': 0.012530568125084452, 'max_depth': 12, 'min_child_weight': 5.610045805725774, 'n_estimators': 250, 'subsample': 0.902461122114172}
Epoch : 720: f1_weighted Score 0.809 params {'colsample_bytree': 0.4076664024615441, 'gamma': 0.8134768316964616, 'learning_rate': 0.01306933437331471, 'max_depth': 19, 'min_child_weight': 5.1840108838420385, 'n_estimators': 350, 'subsample': 0.9353341293261226}
Epoch : 721: f1_weighted Score 0.811 params {'colsample_bytree': 0.3413577768811933, 'gamma': 0.681436919874472, 'learning_rate': 0.03544738799758377, 'max_depth': 16, 'min_child_weight': 6.560792992469693, 'n_estimators': 125, 'subsample': 0.9122606228924842}
Epoch : 722: f1_weighted Score 0.810 params {'colsample_bytree': 0.4568847303382372, 'gamma': 0.7360661409839595, 'learning_rate': 0.032805654838156166, 'max_depth': 19, 'min_child_weight': 5.362375976754713, 'n_estimators': 50, 'subsample': 0.9153265140104463}
Epoch : 723: f1_weighted Score 0.785 params {'colsample_bytree': 0.30125863450753654, 'gamma': 0.6063897640395894, 'learning_rate': 0.03743066918524546, 'max_depth': 17, 'min_child_weight': 3.581397640773748, 'n_estimators': 750, 'subsample': 0.8959495225355298}
Epoch : 724: f1_weighted Score 0.793 params {'colsample_bytree': 0.4001882237985699, 'gamma': 0.9322140260797647, 'learning_rate': 0.02256160924914732, 'max_depth': 20, 'min_child_weight': 5.564224153551067, 'n_estimators': 625, 'subsample': 0.9808847670054899}
Epoch : 725: f1_weighted Score 0.812 params {'colsample_bytree': 0.40557126155381623, 'gamma': 0.9186787362870574, 'learning_rate': 0.005426681610199657, 'max_depth': 11, 'min_child_weight': 6.085003138568635, 'n_estimators': 600, 'subsample': 0.8536224930466468}
Epoch : 726: f1_weighted Score 0.799 params {'colsample_bytree': 0.43218627852199365, 'gamma': 0.7857558272297716, 'learning_rate': 0.05153102332588928, 'max_depth': 15, 'min_child_weight': 7.084468215437253, 'n_estimators': 375, 'subsample': 0.9931948466449502}
Epoch : 727: f1_weighted Score 0.812 params {'colsample_bytree': 0.49274745403668097, 'gamma': 0.8589458825500773, 'learning_rate': 0.007177749001204678, 'max_depth': 16, 'min_child_weight': 6.714550777277728, 'n_estimators': 450, 'subsample': 0.9773977923646577}
Epoch : 728: f1_weighted Score 0.812 params {'colsample_bytree': 0.38536146759252865, 'gamma': 0.6556361070172083, 'learning_rate': 0.015964699610356292, 'max_depth': 15, 'min_child_weight': 8.09406357256841, 'n_estimators': 275, 'subsample': 0.9701100613254364}
Epoch : 729: f1_weighted Score 0.812 params {'colsample_bytree': 0.46947797966889837, 'gamma': 0.8399820557673428, 'learning_rate': 0.008806419109672755, 'max_depth': 16, 'min_child_weight': 5.72696122449484, 'n_estimators': 400, 'subsample': 0.8619612599248289}
Epoch : 730: f1_weighted Score 0.811 params {'colsample_bytree': 0.3559690827840395, 'gamma': 0.5781673516224128, 'learning_rate': 0.018967684631238185, 'max_depth': 20, 'min_child_weight': 6.351743053783617, 'n_estimators': 275, 'subsample': 0.9452017381483202}
Epoch : 731: f1_weighted Score 0.790 params {'colsample_bytree': 0.3677042428547168, 'gamma': 0.48610667081120573, 'learning_rate': 0.027952816073619626, 'max_depth': 18, 'min_child_weight': 4.7578087560920785, 'n_estimators': 500, 'subsample': 0.955368266015746}
Epoch : 732: f1_weighted Score 0.812 params {'colsample_bytree': 0.40481195781183704, 'gamma': 0.965453567941945, 'learning_rate': 0.006044362538331167, 'max_depth': 20, 'min_child_weight': 6.0218047713742155, 'n_estimators': 525, 'subsample': 0.960932271981263}
Epoch : 733: f1_weighted Score 0.811 params {'colsample_bytree': 0.34891747863182304, 'gamma': 0.5007203685914625, 'learning_rate': 0.013801565842026823, 'max_depth': 10, 'min_child_weight': 6.559210290909786, 'n_estimators': 300, 'subsample': 0.9199903852460573}
Epoch : 734: f1_weighted Score 0.811 params {'colsample_bytree': 0.459819177688534, 'gamma': 0.8874484339529451, 'learning_rate': 0.007983714135048477, 'max_depth': 19, 'min_child_weight': 5.597646460293084, 'n_estimators': 450, 'subsample': 0.9760598588524368}
Epoch : 735: f1_weighted Score 0.800 params {'colsample_bytree': 0.3126334373774074, 'gamma': 0.681333038108386, 'learning_rate': 0.005005821382355203, 'max_depth': 12, 'min_child_weight': 3.233743203563138, 'n_estimators': 825, 'subsample': 0.9145722720376481}
Epoch : 736: f1_weighted Score 0.788 params {'colsample_bytree': 0.32811343350782446, 'gamma': 0.5055904494120212, 'learning_rate': 0.024443884246391517, 'max_depth': 20, 'min_child_weight': 5.326045610894117, 'n_estimators': 1225, 'subsample': 0.940611325778318}
Epoch : 737: f1_weighted Score 0.814 params {'colsample_bytree': 0.41870896561682525, 'gamma': 0.7698840968517081, 'learning_rate': 0.0070583093393321306, 'max_depth': 20, 'min_child_weight': 4.459375939224327, 'n_estimators': 325, 'subsample': 0.9381141084382343}
Epoch : 738: f1_weighted Score 0.812 params {'colsample_bytree': 0.3722997963042172, 'gamma': 0.6409524401499914, 'learning_rate': 0.020369368460757157, 'max_depth': 17, 'min_child_weight': 9.153599177247358, 'n_estimators': 150, 'subsample': 0.9288817769750354}
Epoch : 739: f1_weighted Score 0.812 params {'colsample_bytree': 0.42525076807004114, 'gamma': 0.5963509153998197, 'learning_rate': 0.0065248303270628045, 'max_depth': 20, 'min_child_weight': 7.0968146071515985, 'n_estimators': 425, 'subsample': 0.9399601118016958}
Epoch : 740: f1_weighted Score 0.810 params {'colsample_bytree': 0.48067847380770984, 'gamma': 0.9356330096717589, 'learning_rate': 0.00716368253406625, 'max_depth': 5, 'min_child_weight': 5.02210378071033, 'n_estimators': 400, 'subsample': 0.9857763252615271}
Epoch : 741: f1_weighted Score 0.809 params {'colsample_bytree': 0.4345973807961796, 'gamma': 0.6957895871269759, 'learning_rate': 0.010288376800408332, 'max_depth': 19, 'min_child_weight': 5.181355093709471, 'n_estimators': 350, 'subsample': 0.9500329727974781}
Epoch : 742: f1_weighted Score 0.809 params {'colsample_bytree': 0.5849138333216851, 'gamma': 0.7400682532867835, 'learning_rate': 0.017311740279680313, 'max_depth': 18, 'min_child_weight': 4.95495573895697, 'n_estimators': 200, 'subsample': 0.9555247446819912}
Epoch : 743: f1_weighted Score 0.812 params {'colsample_bytree': 0.6721318985965005, 'gamma': 0.6566306328941783, 'learning_rate': 0.009790472129961446, 'max_depth': 19, 'min_child_weight': 7.5535071791414286, 'n_estimators': 275, 'subsample': 0.9315228087863583}
Epoch : 744: f1_weighted Score 0.812 params {'colsample_bytree': 0.444831249767339, 'gamma': 0.721555605165575, 'learning_rate': 0.015512291141431185, 'max_depth': 19, 'min_child_weight': 5.823804171913573, 'n_estimators': 150, 'subsample': 0.9078499684349041}
Epoch : 745: f1_weighted Score 0.810 params {'colsample_bytree': 0.3183878549654009, 'gamma': 0.7023447560850323, 'learning_rate': 0.01136258326765103, 'max_depth': 18, 'min_child_weight': 4.1314812858168795, 'n_estimators': 225, 'subsample': 0.9549471379158625}
Epoch : 746: f1_weighted Score 0.808 params {'colsample_bytree': 0.3352766967966075, 'gamma': 0.6272472381335835, 'learning_rate': 0.01374681735118721, 'max_depth': 9, 'min_child_weight': 4.845168646804051, 'n_estimators': 250, 'subsample': 0.9346886924729715}
Epoch : 747: f1_weighted Score 0.786 params {'colsample_bytree': 0.30033943531620483, 'gamma': 0.5498198357047117, 'learning_rate': 0.04062321386950933, 'max_depth': 18, 'min_child_weight': 6.77354355587074, 'n_estimators': 1050, 'subsample': 0.924929108082323}
Epoch : 748: f1_weighted Score 0.812 params {'colsample_bytree': 0.44611502490397353, 'gamma': 0.7691102532435291, 'learning_rate': 0.010700268619175422, 'max_depth': 20, 'min_child_weight': 7.38190157880409, 'n_estimators': 300, 'subsample': 0.9693094848984977}
Epoch : 749: f1_weighted Score 0.797 params {'colsample_bytree': 0.31455994539569754, 'gamma': 0.2704475200725357, 'learning_rate': 0.03318427268085976, 'max_depth': 19, 'min_child_weight': 6.337698537903033, 'n_estimators': 375, 'subsample': 0.951311015166328}
Epoch : 750: f1_weighted Score 0.811 params {'colsample_bytree': 0.36448298963433806, 'gamma': 0.5616451514159394, 'learning_rate': 0.018763829746962352, 'max_depth': 17, 'min_child_weight': 4.321652481599909, 'n_estimators': 175, 'subsample': 0.9433746011837023}
Epoch : 751: f1_weighted Score 0.812 params {'colsample_bytree': 0.5118982536161352, 'gamma': 0.8794855240939419, 'learning_rate': 0.008587046620974526, 'max_depth': 20, 'min_child_weight': 5.884533057799883, 'n_estimators': 350, 'subsample': 0.9808995104759434}
Epoch : 752: f1_weighted Score 0.810 params {'colsample_bytree': 0.3543870867565189, 'gamma': 0.4251921032533507, 'learning_rate': 0.016021363202332155, 'max_depth': 18, 'min_child_weight': 5.104953104270835, 'n_estimators': 125, 'subsample': 0.9645773642363218}
Epoch : 753: f1_weighted Score 0.812 params {'colsample_bytree': 0.34595822236592894, 'gamma': 0.617923584692238, 'learning_rate': 0.020723629509466535, 'max_depth': 16, 'min_child_weight': 7.796628565677906, 'n_estimators': 150, 'subsample': 0.9089523057357264}
Epoch : 754: f1_weighted Score 0.812 params {'colsample_bytree': 0.5490365658838477, 'gamma': 0.8279978833264484, 'learning_rate': 0.008060059403178995, 'max_depth': 18, 'min_child_weight': 6.107341208750693, 'n_estimators': 375, 'subsample': 0.9723127461934892}
Epoch : 755: f1_weighted Score 0.814 params {'colsample_bytree': 0.37889420217222336, 'gamma': 0.6614907087833358, 'learning_rate': 0.011989376255078132, 'max_depth': 17, 'min_child_weight': 5.529910690921759, 'n_estimators': 225, 'subsample': 0.9603650047594018}
Epoch : 756: f1_weighted Score 0.811 params {'colsample_bytree': 0.38689837652956677, 'gamma': 0.5880875114994204, 'learning_rate': 0.009187711289265568, 'max_depth': 17, 'min_child_weight': 5.934845721966325, 'n_estimators': 425, 'subsample': 0.9886403837236405}
Epoch : 757: f1_weighted Score 0.814 params {'colsample_bytree': 0.460088567487838, 'gamma': 0.03656105613292121, 'learning_rate': 0.011476527153462352, 'max_depth': 18, 'min_child_weight': 5.836380938321662, 'n_estimators': 250, 'subsample': 0.9808839917357367}
Epoch : 758: f1_weighted Score 0.812 params {'colsample_bytree': 0.4144944793724157, 'gamma': 0.1378855012834987, 'learning_rate': 0.010624904150623388, 'max_depth': 17, 'min_child_weight': 8.47450671825673, 'n_estimators': 325, 'subsample': 0.9999740323315113}
Epoch : 759: f1_weighted Score 0.805 params {'colsample_bytree': 0.30186356011577326, 'gamma': 0.748819448772316, 'learning_rate': 0.00820426515881282, 'max_depth': 15, 'min_child_weight': 3.303662016258488, 'n_estimators': 475, 'subsample': 0.9686168865294497}
Epoch : 760: f1_weighted Score 0.812 params {'colsample_bytree': 0.49329648022306805, 'gamma': 0.7277965401280454, 'learning_rate': 0.007092725340476852, 'max_depth': 19, 'min_child_weight': 4.561593800464653, 'n_estimators': 300, 'subsample': 0.9182210223283956}
Epoch : 761: f1_weighted Score 0.810 params {'colsample_bytree': 0.4160532008719925, 'gamma': 0.7701906950524615, 'learning_rate': 0.006840580845567456, 'max_depth': 4, 'min_child_weight': 2.93165995519687, 'n_estimators': 325, 'subsample': 0.9430857358551301}
Epoch : 762: f1_weighted Score 0.800 params {'colsample_bytree': 0.6037093390568472, 'gamma': 0.7490035774738864, 'learning_rate': 0.009640276290178856, 'max_depth': 20, 'min_child_weight': 6.644078703441346, 'n_estimators': 1125, 'subsample': 0.9583959702820126}
Epoch : 763: f1_weighted Score 0.805 params {'colsample_bytree': 0.4646947627643161, 'gamma': 0.8035526727274155, 'learning_rate': 0.006192814103706402, 'max_depth': 20, 'min_child_weight': 3.8339926529759722, 'n_estimators': 675, 'subsample': 0.948975126242889}
Epoch : 764: f1_weighted Score 0.810 params {'colsample_bytree': 0.43923976772729445, 'gamma': 0.8955478583217305, 'learning_rate': 0.0077356300795613404, 'max_depth': 16, 'min_child_weight': 7.1576620253364, 'n_estimators': 400, 'subsample': 0.9362864327785647}
Epoch : 765: f1_weighted Score 0.806 params {'colsample_bytree': 0.5250303380967902, 'gamma': 0.7902252680557724, 'learning_rate': 0.009737328873666667, 'max_depth': 19, 'min_child_weight': 4.405951128321619, 'n_estimators': 300, 'subsample': 0.9666420585288317}
Epoch : 766: f1_weighted Score 0.812 params {'colsample_bytree': 0.39640611239960244, 'gamma': 0.7613957841668635, 'learning_rate': 0.007626570375348334, 'max_depth': 17, 'min_child_weight': 6.952371147600774, 'n_estimators': 375, 'subsample': 0.9655205838219645}
Epoch : 767: f1_weighted Score 0.795 params {'colsample_bytree': 0.4788498679790883, 'gamma': 0.8105270542767901, 'learning_rate': 0.008865228798046878, 'max_depth': 18, 'min_child_weight': 1.2492202042945437, 'n_estimators': 275, 'subsample': 0.9730777906271834}
Epoch : 768: f1_weighted Score 0.804 params {'colsample_bytree': 0.4251379934362889, 'gamma': 0.7138985608841034, 'learning_rate': 0.01287329568897211, 'max_depth': 20, 'min_child_weight': 3.711958355394442, 'n_estimators': 50, 'subsample': 0.9396510831440155}
Epoch : 769: f1_weighted Score 0.809 params {'colsample_bytree': 0.8583024149434796, 'gamma': 0.7856397521971232, 'learning_rate': 0.008267862372370397, 'max_depth': 9, 'min_child_weight': 6.836474183021156, 'n_estimators': 425, 'subsample': 0.9951997516014846}
Epoch : 770: f1_weighted Score 0.806 params {'colsample_bytree': 0.44726137011705686, 'gamma': 0.9807350061188123, 'learning_rate': 0.005647302315334004, 'max_depth': 20, 'min_child_weight': 3.6138797412844568, 'n_estimators': 500, 'subsample': 0.9304810646190388}
Epoch : 771: f1_weighted Score 0.792 params {'colsample_bytree': 0.33270230001641665, 'gamma': 0.6935382458911604, 'learning_rate': 0.07745402392790902, 'max_depth': 19, 'min_child_weight': 3.922999798316722, 'n_estimators': 200, 'subsample': 0.9160162035969392}
Epoch : 772: f1_weighted Score 0.789 params {'colsample_bytree': 0.30190992504177394, 'gamma': 0.7314381406929188, 'learning_rate': 0.02267488028749573, 'max_depth': 16, 'min_child_weight': 4.765893723258475, 'n_estimators': 75, 'subsample': 0.9761502554238841}
Epoch : 773: f1_weighted Score 0.810 params {'colsample_bytree': 0.3213821462320331, 'gamma': 0.7156006824001362, 'learning_rate': 0.025112155634216433, 'max_depth': 16, 'min_child_weight': 5.453432869585666, 'n_estimators': 125, 'subsample': 0.946552231957157}
Epoch : 774: f1_weighted Score 0.799 params {'colsample_bytree': 0.33593642810426666, 'gamma': 0.6721615581008973, 'learning_rate': 0.03131393296259237, 'max_depth': 18, 'min_child_weight': 4.259729502236632, 'n_estimators': 225, 'subsample': 0.9330014687282158}
Epoch : 775: f1_weighted Score 0.801 params {'colsample_bytree': 0.37942727489971356, 'gamma': 0.6317258717637335, 'learning_rate': 0.01453212981789769, 'max_depth': 17, 'min_child_weight': 6.414601762531839, 'n_estimators': 75, 'subsample': 0.9600862366974696}
Epoch : 776: f1_weighted Score 0.812 params {'colsample_bytree': 0.3993684558990586, 'gamma': 0.8533987071060929, 'learning_rate': 0.006430717526291112, 'max_depth': 18, 'min_child_weight': 7.364750574236753, 'n_estimators': 375, 'subsample': 0.9849646614468626}
Epoch : 777: f1_weighted Score 0.812 params {'colsample_bytree': 0.355462648345484, 'gamma': 0.5958633216532644, 'learning_rate': 0.007201895205915135, 'max_depth': 10, 'min_child_weight': 7.624240241822029, 'n_estimators': 325, 'subsample': 0.9381982220009175}
Epoch : 778: f1_weighted Score 0.812 params {'colsample_bytree': 0.3651979652270207, 'gamma': 0.5381674949555343, 'learning_rate': 0.0067376400812146995, 'max_depth': 18, 'min_child_weight': 6.221084068195766, 'n_estimators': 475, 'subsample': 0.9956985743269694}
Epoch : 779: f1_weighted Score 0.806 params {'colsample_bytree': 0.32449932491639544, 'gamma': 0.46220031621733565, 'learning_rate': 0.019912867577678222, 'max_depth': 20, 'min_child_weight': 5.187642522046357, 'n_estimators': 100, 'subsample': 0.95044186626524}
Epoch : 780: f1_weighted Score 0.812 params {'colsample_bytree': 0.3920526051619734, 'gamma': 0.6331681600628292, 'learning_rate': 0.013489754415625884, 'max_depth': 19, 'min_child_weight': 6.254365341823754, 'n_estimators': 175, 'subsample': 0.963620337581791}
Epoch : 781: f1_weighted Score 0.805 params {'colsample_bytree': 0.508262661144427, 'gamma': 0.845722713571134, 'learning_rate': 0.005294942627722934, 'max_depth': 6, 'min_child_weight': 3.531643018836303, 'n_estimators': 600, 'subsample': 0.9571369098689643}
Epoch : 782: f1_weighted Score 0.809 params {'colsample_bytree': 0.5343073205021102, 'gamma': 0.8238100317390638, 'learning_rate': 0.006129458539189019, 'max_depth': 7, 'min_child_weight': 4.4737865250397, 'n_estimators': 550, 'subsample': 0.9223935969385525}
Epoch : 783: f1_weighted Score 0.810 params {'colsample_bytree': 0.4876256474503385, 'gamma': 0.8569395451166578, 'learning_rate': 0.010386236256491163, 'max_depth': 17, 'min_child_weight': 4.734517762754518, 'n_estimators': 225, 'subsample': 0.9889155563284411}
Epoch : 784: f1_weighted Score 0.811 params {'colsample_bytree': 0.47634578039083275, 'gamma': 0.8126136390712281, 'learning_rate': 0.01210532360122577, 'max_depth': 17, 'min_child_weight': 4.801549694273665, 'n_estimators': 250, 'subsample': 0.9783678472136265}
Epoch : 785: f1_weighted Score 0.811 params {'colsample_bytree': 0.37450950775179626, 'gamma': 0.6538105085034669, 'learning_rate': 0.008887585963164558, 'max_depth': 18, 'min_child_weight': 5.69224594280172, 'n_estimators': 425, 'subsample': 0.9678988582413192}
Epoch : 786: f1_weighted Score 0.812 params {'colsample_bytree': 0.3845549771427235, 'gamma': 0.7826137634525118, 'learning_rate': 0.011013078592089443, 'max_depth': 17, 'min_child_weight': 6.040194740416715, 'n_estimators': 300, 'subsample': 0.9727979544109584}
Epoch : 787: f1_weighted Score 0.811 params {'colsample_bytree': 0.34906900304540234, 'gamma': 0.6111316668672867, 'learning_rate': 0.017554738246144414, 'max_depth': 14, 'min_child_weight': 6.717511948987466, 'n_estimators': 275, 'subsample': 0.9517651931978163}
Epoch : 788: f1_weighted Score 0.812 params {'colsample_bytree': 0.42499259229851255, 'gamma': 0.2546898729333906, 'learning_rate': 0.005751180225928135, 'max_depth': 19, 'min_child_weight': 5.542313784634407, 'n_estimators': 200, 'subsample': 0.9598295008639128}
Epoch : 789: f1_weighted Score 0.810 params {'colsample_bytree': 0.4023185462144, 'gamma': 0.374836578517961, 'learning_rate': 0.005006849247039498, 'max_depth': 18, 'min_child_weight': 5.828684476224832, 'n_estimators': 450, 'subsample': 0.9833078849587796}
Epoch : 790: f1_weighted Score 0.812 params {'colsample_bytree': 0.3415043266298552, 'gamma': 0.5676285972734368, 'learning_rate': 0.012564145366893924, 'max_depth': 19, 'min_child_weight': 5.573873671483432, 'n_estimators': 225, 'subsample': 0.9335680469310933}
Epoch : 791: f1_weighted Score 0.814 params {'colsample_bytree': 0.4150828633466306, 'gamma': 0.7599704627895127, 'learning_rate': 0.007365038747850169, 'max_depth': 19, 'min_child_weight': 4.519689515702205, 'n_estimators': 350, 'subsample': 0.9208150519920586}
Epoch : 792: f1_weighted Score 0.812 params {'colsample_bytree': 0.4101472272879078, 'gamma': 0.5216974696902148, 'learning_rate': 0.005743069086340958, 'max_depth': 19, 'min_child_weight': 6.493261944345535, 'n_estimators': 475, 'subsample': 0.9758484349360911}
Epoch : 793: f1_weighted Score 0.812 params {'colsample_bytree': 0.45591884989822395, 'gamma': 0.7042928785498833, 'learning_rate': 0.011535734611579678, 'max_depth': 16, 'min_child_weight': 6.196070067787343, 'n_estimators': 250, 'subsample': 0.9801850468738552}
Epoch : 794: f1_weighted Score 0.811 params {'colsample_bytree': 0.36499116319204067, 'gamma': 0.6847388761318444, 'learning_rate': 0.010123072183624383, 'max_depth': 19, 'min_child_weight': 5.325853533394855, 'n_estimators': 350, 'subsample': 0.9300185636657712}
Epoch : 795: f1_weighted Score 0.812 params {'colsample_bytree': 0.42038615998062767, 'gamma': 0.7725197984831352, 'learning_rate': 0.009012521148186526, 'max_depth': 17, 'min_child_weight': 4.405409502592557, 'n_estimators': 300, 'subsample': 0.9462476829757782}
Epoch : 796: f1_weighted Score 0.812 params {'colsample_bytree': 0.3451040679179205, 'gamma': 0.6752324361350793, 'learning_rate': 0.008484149127248632, 'max_depth': 13, 'min_child_weight': 5.1431574545348795, 'n_estimators': 275, 'subsample': 0.9258985741887436}
Epoch : 797: f1_weighted Score 0.810 params {'colsample_bytree': 0.6247444448838375, 'gamma': 0.06478147993862698, 'learning_rate': 0.011919928400116235, 'max_depth': 18, 'min_child_weight': 4.962312763904965, 'n_estimators': 175, 'subsample': 0.987909083591144}
Epoch : 798: f1_weighted Score 0.812 params {'colsample_bytree': 0.38130365499240404, 'gamma': 0.2872042198516194, 'learning_rate': 0.01115302382637365, 'max_depth': 18, 'min_child_weight': 5.899871493821589, 'n_estimators': 225, 'subsample': 0.9667475522440585}
Epoch : 799: f1_weighted Score 0.812 params {'colsample_bytree': 0.4024133490542631, 'gamma': 0.6132163908903832, 'learning_rate': 0.007325974167541955, 'max_depth': 20, 'min_child_weight': 5.365260821810391, 'n_estimators': 450, 'subsample': 0.9423013174420083}
Epoch : 800: f1_weighted Score 0.814 params {'colsample_bytree': 0.3679339618151223, 'gamma': 0.6635686615846038, 'learning_rate': 0.009590641688045153, 'max_depth': 20, 'min_child_weight': 5.048432180988687, 'n_estimators': 275, 'subsample': 0.9431040176938852}
Epoch : 801: f1_weighted Score 0.801 params {'colsample_bytree': 0.3691314497632394, 'gamma': 0.6717170954906085, 'learning_rate': 0.00997610548447557, 'max_depth': 20, 'min_child_weight': 4.215899418903726, 'n_estimators': 150, 'subsample': 0.936562663201969}
Epoch : 802: f1_weighted Score 0.810 params {'colsample_bytree': 0.4380148119973175, 'gamma': 0.12586513137231697, 'learning_rate': 0.011484034387696249, 'max_depth': 17, 'min_child_weight': 6.348064248323392, 'n_estimators': 250, 'subsample': 0.9696529720784421}
Epoch : 803: f1_weighted Score 0.812 params {'colsample_bytree': 0.43346423823403313, 'gamma': 0.1964159954683422, 'learning_rate': 0.013006254731639274, 'max_depth': 19, 'min_child_weight': 5.298717326111457, 'n_estimators': 200, 'subsample': 0.9633202003339273}
Epoch : 804: f1_weighted Score 0.812 params {'colsample_bytree': 0.3931181135489451, 'gamma': 0.7425919747862932, 'learning_rate': 0.008103910882055096, 'max_depth': 20, 'min_child_weight': 6.834468283083304, 'n_estimators': 325, 'subsample': 0.958295745457039}
Epoch : 805: f1_weighted Score 0.814 params {'colsample_bytree': 0.3483320812697971, 'gamma': 0.7244326525986974, 'learning_rate': 0.010084086373231136, 'max_depth': 19, 'min_child_weight': 5.25055142346607, 'n_estimators': 275, 'subsample': 0.9270530076852439}
Epoch : 806: f1_weighted Score 0.810 params {'colsample_bytree': 0.8149123099004831, 'gamma': 0.7009872979411462, 'learning_rate': 0.009126022395603794, 'max_depth': 18, 'min_child_weight': 6.385073613866833, 'n_estimators': 300, 'subsample': 0.9246213236735624}
Epoch : 807: f1_weighted Score 0.812 params {'colsample_bytree': 0.42277531758504494, 'gamma': 0.8018055349668365, 'learning_rate': 0.01058320744967358, 'max_depth': 18, 'min_child_weight': 5.6830214205691245, 'n_estimators': 150, 'subsample': 0.9048812712206258}
Epoch : 808: f1_weighted Score 0.799 params {'colsample_bytree': 0.30086170534373197, 'gamma': 0.5768585199662591, 'learning_rate': 0.014183170652209365, 'max_depth': 12, 'min_child_weight': 5.115265467015944, 'n_estimators': 125, 'subsample': 0.899547502042593}
Epoch : 809: f1_weighted Score 0.791 params {'colsample_bytree': 0.40732963041953374, 'gamma': 0.5316493910237154, 'learning_rate': 0.026886805762673518, 'max_depth': 18, 'min_child_weight': 4.988898119692219, 'n_estimators': 400, 'subsample': 0.9521130953830413}
Epoch : 810: f1_weighted Score 0.811 params {'colsample_bytree': 0.4596094448187038, 'gamma': 0.3509379020416413, 'learning_rate': 0.01227873239906571, 'max_depth': 11, 'min_child_weight': 6.090727012001413, 'n_estimators': 375, 'subsample': 0.9833113234095607}
Epoch : 811: f1_weighted Score 0.812 params {'colsample_bytree': 0.441384570881597, 'gamma': 0.9146341642283653, 'learning_rate': 0.01483289373067434, 'max_depth': 20, 'min_child_weight': 4.716930397569695, 'n_estimators': 200, 'subsample': 0.9617659750043929}
Epoch : 812: f1_weighted Score 0.805 params {'colsample_bytree': 0.3162034927274535, 'gamma': 0.5152088408018914, 'learning_rate': 0.020976307345587683, 'max_depth': 11, 'min_child_weight': 6.565878629108172, 'n_estimators': 400, 'subsample': 0.9117189557350797}
Epoch : 813: f1_weighted Score 0.814 params {'colsample_bytree': 0.3612519736374704, 'gamma': 0.6371718057411044, 'learning_rate': 0.01669344176083175, 'max_depth': 19, 'min_child_weight': 6.035891520533775, 'n_estimators': 175, 'subsample': 0.9706594428000488}
Epoch : 814: f1_weighted Score 0.812 params {'colsample_bytree': 0.4305457466802298, 'gamma': 0.7310362107680162, 'learning_rate': 0.008241586930805612, 'max_depth': 20, 'min_child_weight': 4.9219958800004795, 'n_estimators': 350, 'subsample': 0.9565137155772059}
Epoch : 815: f1_weighted Score 0.812 params {'colsample_bytree': 0.36271896328201403, 'gamma': 0.6965143662493289, 'learning_rate': 0.010700801768043874, 'max_depth': 19, 'min_child_weight': 4.776710334888581, 'n_estimators': 225, 'subsample': 0.9543529205183813}
Epoch : 816: f1_weighted Score 0.799 params {'colsample_bytree': 0.46661383313066973, 'gamma': 0.15329738684191208, 'learning_rate': 0.01321357399297908, 'max_depth': 15, 'min_child_weight': 5.568310431375495, 'n_estimators': 500, 'subsample': 0.9925726770892597}
Epoch : 817: f1_weighted Score 0.812 params {'colsample_bytree': 0.3877015176120895, 'gamma': 0.7888581291936025, 'learning_rate': 0.007000455038307086, 'max_depth': 19, 'min_child_weight': 6.130518401438755, 'n_estimators': 425, 'subsample': 0.9664875237597779}
Epoch : 818: f1_weighted Score 0.812 params {'colsample_bytree': 0.386580045732078, 'gamma': 0.8359986721285538, 'learning_rate': 0.007885804219861129, 'max_depth': 12, 'min_child_weight': 7.037010340929863, 'n_estimators': 350, 'subsample': 0.9172874949267015}
Epoch : 819: f1_weighted Score 0.810 params {'colsample_bytree': 0.7218193014543774, 'gamma': 0.7520182191922709, 'learning_rate': 0.007439449832122883, 'max_depth': 13, 'min_child_weight': 7.168196850196207, 'n_estimators': 400, 'subsample': 0.9224105207264139}
Epoch : 820: f1_weighted Score 0.811 params {'colsample_bytree': 0.39864713272511765, 'gamma': 0.9029482833532394, 'learning_rate': 0.006714657113494406, 'max_depth': 18, 'min_child_weight': 5.296980355189327, 'n_estimators': 575, 'subsample': 0.9491073198871529}
Epoch : 821: f1_weighted Score 0.804 params {'colsample_bytree': 0.32782901176095997, 'gamma': 0.6677480325272449, 'learning_rate': 0.02288644583587293, 'max_depth': 20, 'min_child_weight': 4.122360603493127, 'n_estimators': 100, 'subsample': 0.9360372319803767}
Epoch : 822: f1_weighted Score 0.808 params {'colsample_bytree': 0.4180483269110297, 'gamma': 0.7483604206763464, 'learning_rate': 0.015111116905870442, 'max_depth': 20, 'min_child_weight': 3.941840585882039, 'n_estimators': 200, 'subsample': 0.9229072481523037}
Epoch : 823: f1_weighted Score 0.812 params {'colsample_bytree': 0.45065248008728487, 'gamma': 0.24028253786292036, 'learning_rate': 0.012174027681866697, 'max_depth': 17, 'min_child_weight': 5.753893524601702, 'n_estimators': 250, 'subsample': 0.97865110137399}
Epoch : 824: f1_weighted Score 0.812 params {'colsample_bytree': 0.33940858915808986, 'gamma': 0.8126792667575624, 'learning_rate': 0.00869361739042678, 'max_depth': 13, 'min_child_weight': 5.444401971997849, 'n_estimators': 450, 'subsample': 0.8937314211077106}
Epoch : 825: f1_weighted Score 0.812 params {'colsample_bytree': 0.41018962080973526, 'gamma': 0.8432810949778579, 'learning_rate': 0.008337387632087329, 'max_depth': 10, 'min_child_weight': 5.772333306016838, 'n_estimators': 425, 'subsample': 0.9583042539563938}
Epoch : 826: f1_weighted Score 0.812 params {'colsample_bytree': 0.3788849101840693, 'gamma': 0.8636429452802084, 'learning_rate': 0.006403671926037047, 'max_depth': 12, 'min_child_weight': 4.635516051475074, 'n_estimators': 350, 'subsample': 0.9619114748703372}
Epoch : 827: f1_weighted Score 0.812 params {'colsample_bytree': 0.4031778580167916, 'gamma': 0.011686198629138, 'learning_rate': 0.013700594900691226, 'max_depth': 17, 'min_child_weight': 5.444828965520217, 'n_estimators': 250, 'subsample': 0.980285267525206}
Epoch : 828: f1_weighted Score 0.812 params {'colsample_bytree': 0.3838770446924273, 'gamma': 0.5897408925823823, 'learning_rate': 0.009737177148216763, 'max_depth': 18, 'min_child_weight': 6.705456888666033, 'n_estimators': 325, 'subsample': 0.9701501128148156}
Epoch : 829: f1_weighted Score 0.812 params {'colsample_bytree': 0.33907335195253757, 'gamma': 0.6455926327480264, 'learning_rate': 0.007634329698591269, 'max_depth': 11, 'min_child_weight': 4.553574969338565, 'n_estimators': 300, 'subsample': 0.9273570899850978}
Epoch : 830: f1_weighted Score 0.812 params {'colsample_bytree': 0.4510569414054818, 'gamma': 0.765367268000039, 'learning_rate': 0.011742406795928613, 'max_depth': 16, 'min_child_weight': 5.904411243217111, 'n_estimators': 175, 'subsample': 0.9998425503348266}
Epoch : 831: f1_weighted Score 0.810 params {'colsample_bytree': 0.34837402422446073, 'gamma': 0.6125834289185499, 'learning_rate': 0.018891888023348034, 'max_depth': 11, 'min_child_weight': 4.114983050756621, 'n_estimators': 125, 'subsample': 0.9114031806013025}
Epoch : 832: f1_weighted Score 0.812 params {'colsample_bytree': 0.4286127330596596, 'gamma': 0.09630857582402101, 'learning_rate': 0.006040732424641811, 'max_depth': 19, 'min_child_weight': 5.636194225167798, 'n_estimators': 525, 'subsample': 0.9034236381745662}
Epoch : 833: f1_weighted Score 0.812 params {'colsample_bytree': 0.42059792002075014, 'gamma': 0.7591813673258367, 'learning_rate': 0.009546822326637911, 'max_depth': 19, 'min_child_weight': 9.799838915289186, 'n_estimators': 325, 'subsample': 0.9509542742173777}
Epoch : 834: f1_weighted Score 0.808 params {'colsample_bytree': 0.472969171958023, 'gamma': 0.8748076413561066, 'learning_rate': 0.006819179143565045, 'max_depth': 12, 'min_child_weight': 4.331554332837459, 'n_estimators': 475, 'subsample': 0.939174920655718}
Epoch : 835: f1_weighted Score 0.814 params {'colsample_bytree': 0.36549396105440307, 'gamma': 0.6534657588137575, 'learning_rate': 0.005170144034373552, 'max_depth': 20, 'min_child_weight': 5.101481684828532, 'n_estimators': 550, 'subsample': 0.9441226233634256}
Epoch : 836: f1_weighted Score 0.803 params {'colsample_bytree': 0.37195252580788285, 'gamma': 0.5992476567849598, 'learning_rate': 0.005161362633165316, 'max_depth': 13, 'min_child_weight': 3.4607851869647295, 'n_estimators': 550, 'subsample': 0.9294564772852332}
Epoch : 837: f1_weighted Score 0.799 params {'colsample_bytree': 0.31315108998919344, 'gamma': 0.5565389626851582, 'learning_rate': 0.019514634621151158, 'max_depth': 19, 'min_child_weight': 6.3809183127251785, 'n_estimators': 1325, 'subsample': 0.9194936158236814}
Epoch : 838: f1_weighted Score 0.814 params {'colsample_bytree': 0.4413441474749805, 'gamma': 0.21975129309951089, 'learning_rate': 0.010428061488549505, 'max_depth': 17, 'min_child_weight': 5.8994151643115025, 'n_estimators': 275, 'subsample': 0.9871095377576801}
Epoch : 839: f1_weighted Score 0.811 params {'colsample_bytree': 0.4910511053097383, 'gamma': 0.3739544797812979, 'learning_rate': 0.016299166205309672, 'max_depth': 17, 'min_child_weight': 6.845923825604445, 'n_estimators': 275, 'subsample': 0.9730847242316868}
Epoch : 840: f1_weighted Score 0.812 params {'colsample_bytree': 0.5021497888780471, 'gamma': 0.32193207513819594, 'learning_rate': 0.00951080209379202, 'max_depth': 18, 'min_child_weight': 5.10999717335394, 'n_estimators': 325, 'subsample': 0.9093918205243884}
Epoch : 841: f1_weighted Score 0.811 params {'colsample_bytree': 0.31189683456167616, 'gamma': 0.6359580564720522, 'learning_rate': 0.016855252842444143, 'max_depth': 19, 'min_child_weight': 6.53086455630541, 'n_estimators': 375, 'subsample': 0.966024342536863}
Epoch : 842: f1_weighted Score 0.808 params {'colsample_bytree': 0.6485907911664546, 'gamma': 0.6824075976495507, 'learning_rate': 0.013939744248384078, 'max_depth': 20, 'min_child_weight': 3.7540075722774002, 'n_estimators': 175, 'subsample': 0.9324636763594248}
Epoch : 843: f1_weighted Score 0.812 params {'colsample_bytree': 0.3957324474152671, 'gamma': 0.7261362701073939, 'learning_rate': 0.0072988659017305816, 'max_depth': 19, 'min_child_weight': 3.990600379576799, 'n_estimators': 300, 'subsample': 0.8977587339157713}
Epoch : 844: f1_weighted Score 0.812 params {'colsample_bytree': 0.3536848938815113, 'gamma': 0.5625388986678513, 'learning_rate': 0.015335234717446435, 'max_depth': 20, 'min_child_weight': 6.092052741639404, 'n_estimators': 225, 'subsample': 0.9597696845572263}
Epoch : 845: f1_weighted Score 0.812 params {'colsample_bytree': 0.4619738288283861, 'gamma': 0.05471414611249009, 'learning_rate': 0.005506617128744002, 'max_depth': 20, 'min_child_weight': 4.5468744580584115, 'n_estimators': 350, 'subsample': 0.9458365093816532}
Epoch : 846: f1_weighted Score 0.810 params {'colsample_bytree': 0.3282004818269619, 'gamma': 0.5911027865984961, 'learning_rate': 0.005673002157452541, 'max_depth': 20, 'min_child_weight': 4.946291335763545, 'n_estimators': 500, 'subsample': 0.9386984088025476}
Epoch : 847: f1_weighted Score 0.812 params {'colsample_bytree': 0.40388731881287937, 'gamma': 0.715957240307539, 'learning_rate': 0.009349946549074015, 'max_depth': 19, 'min_child_weight': 4.815384257691786, 'n_estimators': 250, 'subsample': 0.9263773473008994}
Epoch : 848: f1_weighted Score 0.808 params {'colsample_bytree': 0.3029467958868287, 'gamma': 0.5373436262933018, 'learning_rate': 0.02151594964638754, 'max_depth': 19, 'min_child_weight': 6.224618105141682, 'n_estimators': 100, 'subsample': 0.9740864567491981}
Epoch : 849: f1_weighted Score 0.812 params {'colsample_bytree': 0.3616177222367521, 'gamma': 0.8246762916029866, 'learning_rate': 0.0087402128229603, 'max_depth': 18, 'min_child_weight': 5.667549700563281, 'n_estimators': 375, 'subsample': 0.9753682143700724}
Epoch : 850: f1_weighted Score 0.814 params {'colsample_bytree': 0.378507115080571, 'gamma': 0.7217777819202172, 'learning_rate': 0.015874114228561984, 'max_depth': 18, 'min_child_weight': 5.2249715649277935, 'n_estimators': 175, 'subsample': 0.970502709317664}
Epoch : 851: f1_weighted Score 0.797 params {'colsample_bytree': 0.43667778707615207, 'gamma': 0.9326779847714668, 'learning_rate': 0.011289466839999731, 'max_depth': 18, 'min_child_weight': 5.017039612885781, 'n_estimators': 700, 'subsample': 0.9917613441861115}
Epoch : 852: f1_weighted Score 0.797 params {'colsample_bytree': 0.30046472329731716, 'gamma': 0.6973807578042739, 'learning_rate': 0.015755985212003835, 'max_depth': 19, 'min_child_weight': 5.225115374847871, 'n_estimators': 150, 'subsample': 0.9151538874339967}
Epoch : 853: f1_weighted Score 0.812 params {'colsample_bytree': 0.47422452879681604, 'gamma': 0.7964418914706565, 'learning_rate': 0.006546857604212259, 'max_depth': 20, 'min_child_weight': 4.681057375751242, 'n_estimators': 425, 'subsample': 0.9469309333193742}
Epoch : 854: f1_weighted Score 0.811 params {'colsample_bytree': 0.4495417997204571, 'gamma': 0.7753327421301569, 'learning_rate': 0.011225590186916169, 'max_depth': 18, 'min_child_weight': 4.296697466659492, 'n_estimators': 225, 'subsample': 0.951930948960231}
Epoch : 855: f1_weighted Score 0.812 params {'colsample_bytree': 0.41616838105101134, 'gamma': 0.7398756108137725, 'learning_rate': 0.007830341753530663, 'max_depth': 2, 'min_child_weight': 4.142146870381655, 'n_estimators': 275, 'subsample': 0.9066655348238927}
Epoch : 856: f1_weighted Score 0.811 params {'colsample_bytree': 0.4385008762259941, 'gamma': 0.5442709136935504, 'learning_rate': 0.005995259696863809, 'max_depth': 9, 'min_child_weight': 6.106769612332746, 'n_estimators': 650, 'subsample': 0.9879496183114064}
Epoch : 857: f1_weighted Score 0.810 params {'colsample_bytree': 0.7718803058085897, 'gamma': 0.07876677858381863, 'learning_rate': 0.012510260743425438, 'max_depth': 16, 'min_child_weight': 6.021675910517341, 'n_estimators': 200, 'subsample': 0.8861410011871407}
Epoch : 858: f1_weighted Score 0.812 params {'colsample_bytree': 0.3847443684144356, 'gamma': 0.6565672284517172, 'learning_rate': 0.009121295170615653, 'max_depth': 17, 'min_child_weight': 7.26646643586455, 'n_estimators': 250, 'subsample': 0.9825003364243151}
Epoch : 859: f1_weighted Score 0.809 params {'colsample_bytree': 0.39228783809131546, 'gamma': 0.7844175152650439, 'learning_rate': 0.0306240061409549, 'max_depth': 14, 'min_child_weight': 4.040651741328622, 'n_estimators': 100, 'subsample': 0.9404017382544424}
Epoch : 860: f1_weighted Score 0.806 params {'colsample_bytree': 0.3270762319102659, 'gamma': 0.428158376031362, 'learning_rate': 0.018234990365800185, 'max_depth': 15, 'min_child_weight': 5.384485464957258, 'n_estimators': 125, 'subsample': 0.9437392112339463}
Epoch : 861: f1_weighted Score 0.808 params {'colsample_bytree': 0.3611511291388643, 'gamma': 0.00019700597261565478, 'learning_rate': 0.02677218051921637, 'max_depth': 18, 'min_child_weight': 5.574156303224159, 'n_estimators': 75, 'subsample': 0.989623660571141}
Epoch : 862: f1_weighted Score 0.812 params {'colsample_bytree': 0.37640467692992147, 'gamma': 0.6372599602134933, 'learning_rate': 0.014245407701659649, 'max_depth': 19, 'min_child_weight': 6.9191938782923055, 'n_estimators': 250, 'subsample': 0.9791280324322367}
Epoch : 863: f1_weighted Score 0.814 params {'colsample_bytree': 0.39300447471558475, 'gamma': 0.7132449080710203, 'learning_rate': 0.010340342609776978, 'max_depth': 16, 'min_child_weight': 6.575714272347471, 'n_estimators': 300, 'subsample': 0.954845488876851}
Epoch : 864: f1_weighted Score 0.811 params {'colsample_bytree': 0.4038414172407842, 'gamma': 0.8815072156724378, 'learning_rate': 0.010622700246020021, 'max_depth': 16, 'min_child_weight': 7.433357588755076, 'n_estimators': 450, 'subsample': 0.9644639920432979}
Epoch : 865: f1_weighted Score 0.799 params {'colsample_bytree': 0.3727087929758277, 'gamma': 0.16794479117024105, 'learning_rate': 0.010071833562118873, 'max_depth': 16, 'min_child_weight': 6.693126748903717, 'n_estimators': 975, 'subsample': 0.9966779494002871}
Epoch : 866: f1_weighted Score 0.802 params {'colsample_bytree': 0.35478150391970364, 'gamma': 0.7064611824962056, 'learning_rate': 0.01447349558142153, 'max_depth': 20, 'min_child_weight': 4.797109242464029, 'n_estimators': 400, 'subsample': 0.9580477894427754}
Epoch : 867: f1_weighted Score 0.807 params {'colsample_bytree': 0.30075149066387824, 'gamma': 0.6862838428108158, 'learning_rate': 0.00836298964523881, 'max_depth': 20, 'min_child_weight': 4.468623606236625, 'n_estimators': 500, 'subsample': 0.9199988003808682}
Epoch : 868: f1_weighted Score 0.810 params {'colsample_bytree': 0.4310896832685446, 'gamma': 0.23130438378993268, 'learning_rate': 0.019072269879213753, 'max_depth': 15, 'min_child_weight': 6.2661060504577115, 'n_estimators': 50, 'subsample': 0.8180110589359334}
Epoch : 869: f1_weighted Score 0.812 params {'colsample_bytree': 0.4855228236027263, 'gamma': 0.9407860041208914, 'learning_rate': 0.00744366471335438, 'max_depth': 10, 'min_child_weight': 6.444280287495998, 'n_estimators': 475, 'subsample': 0.9326219393565216}
Epoch : 870: f1_weighted Score 0.812 params {'colsample_bytree': 0.34744057772074705, 'gamma': 0.7419874181462814, 'learning_rate': 0.012700110524313355, 'max_depth': 17, 'min_child_weight': 6.978284262601655, 'n_estimators': 200, 'subsample': 0.9540765368670443}
Epoch : 871: f1_weighted Score 0.800 params {'colsample_bytree': 0.3565152516787088, 'gamma': 0.8903739217830885, 'learning_rate': 0.009194914332221719, 'max_depth': 19, 'min_child_weight': 4.944867645183276, 'n_estimators': 850, 'subsample': 0.8343053583053894}
Epoch : 872: f1_weighted Score 0.793 params {'colsample_bytree': 0.4170789236911233, 'gamma': 0.194372476087453, 'learning_rate': 0.009787899615878424, 'max_depth': 19, 'min_child_weight': 0.179577525913591, 'n_estimators': 275, 'subsample': 0.9417806262202835}
Epoch : 873: f1_weighted Score 0.797 params {'colsample_bytree': 0.5037365933168255, 'gamma': 0.7433660399190825, 'learning_rate': 0.013076433680191882, 'max_depth': 20, 'min_child_weight': 5.189903685206308, 'n_estimators': 800, 'subsample': 0.9499959756399916}
Epoch : 874: f1_weighted Score 0.808 params {'colsample_bytree': 0.40669437438410727, 'gamma': 0.8460922822437767, 'learning_rate': 0.008484567385915099, 'max_depth': 8, 'min_child_weight': 5.781908346028115, 'n_estimators': 575, 'subsample': 0.969247440114328}
Epoch : 875: f1_weighted Score 0.812 params {'colsample_bytree': 0.5687453997009029, 'gamma': 0.625441434397215, 'learning_rate': 0.0176287644070586, 'max_depth': 18, 'min_child_weight': 5.551536082724166, 'n_estimators': 150, 'subsample': 0.9179908831794049}
Epoch : 876: f1_weighted Score 0.812 params {'colsample_bytree': 0.467558019443458, 'gamma': 0.6624344555013084, 'learning_rate': 0.015914823049511452, 'max_depth': 18, 'min_child_weight': 5.362684120130842, 'n_estimators': 125, 'subsample': 0.9755434834631646}
Epoch : 877: f1_weighted Score 0.812 params {'colsample_bytree': 0.4357878170438298, 'gamma': 0.8007550818408556, 'learning_rate': 0.013340278168142573, 'max_depth': 17, 'min_child_weight': 5.867631475788758, 'n_estimators': 175, 'subsample': 0.9851198195807779}
Epoch : 878: f1_weighted Score 0.812 params {'colsample_bytree': 0.4560370461446156, 'gamma': 0.02584773633492321, 'learning_rate': 0.011765827949022046, 'max_depth': 18, 'min_child_weight': 5.8876579981112425, 'n_estimators': 225, 'subsample': 0.9485508756720539}
Epoch : 879: f1_weighted Score 0.785 params {'colsample_bytree': 0.4232053998486337, 'gamma': 0.9099787189725599, 'learning_rate': 0.09423400177000665, 'max_depth': 9, 'min_child_weight': 3.752686153921926, 'n_estimators': 600, 'subsample': 0.9600411873723353}
Epoch : 880: f1_weighted Score 0.794 params {'colsample_bytree': 0.37216140828532496, 'gamma': 0.34337628031009365, 'learning_rate': 0.013992106655240028, 'max_depth': 14, 'min_child_weight': 6.678851299486433, 'n_estimators': 875, 'subsample': 0.9469994712526363}
Epoch : 881: f1_weighted Score 0.796 params {'colsample_bytree': 0.3881375701553619, 'gamma': 0.8212066681449759, 'learning_rate': 0.03522422972488272, 'max_depth': 18, 'min_child_weight': 5.493287454959872, 'n_estimators': 325, 'subsample': 0.9363358068266927}
Epoch : 882: f1_weighted Score 0.794 params {'colsample_bytree': 0.44934690127972066, 'gamma': 0.6484422461054975, 'learning_rate': 0.011548764039049012, 'max_depth': 19, 'min_child_weight': 4.637767569839797, 'n_estimators': 1025, 'subsample': 0.93465717657647}
Epoch : 883: f1_weighted Score 0.794 params {'colsample_bytree': 0.4135386010587744, 'gamma': 0.21465301365797287, 'learning_rate': 0.010974660358613378, 'max_depth': 17, 'min_child_weight': 4.944172611327445, 'n_estimators': 750, 'subsample': 0.9423659342770259}
Epoch : 884: f1_weighted Score 0.805 params {'colsample_bytree': 0.443843036198263, 'gamma': 0.3976331174268448, 'learning_rate': 0.01256007100091871, 'max_depth': 19, 'min_child_weight': 4.489225148681342, 'n_estimators': 350, 'subsample': 0.9328021472867386}
Epoch : 885: f1_weighted Score 0.814 params {'colsample_bytree': 0.3928036088409348, 'gamma': 0.6903572937954559, 'learning_rate': 0.010682730307034694, 'max_depth': 17, 'min_child_weight': 5.107389557813464, 'n_estimators': 300, 'subsample': 0.9239035521970641}
Epoch : 886: f1_weighted Score 0.811 params {'colsample_bytree': 0.38328188759411114, 'gamma': 0.919289678840721, 'learning_rate': 0.005235442279252705, 'max_depth': 15, 'min_child_weight': 4.437583621148191, 'n_estimators': 625, 'subsample': 0.9626194363894897}
Epoch : 887: f1_weighted Score 0.813 params {'colsample_bytree': 0.5222466350645766, 'gamma': 0.7732498940954832, 'learning_rate': 0.006835135054639292, 'max_depth': 20, 'min_child_weight': 3.225402184831809, 'n_estimators': 200, 'subsample': 0.9565285814461835}
Epoch : 888: f1_weighted Score 0.811 params {'colsample_bytree': 0.4614054843253348, 'gamma': 0.7660658858453302, 'learning_rate': 0.012019609425019824, 'max_depth': 18, 'min_child_weight': 4.7868276743445834, 'n_estimators': 250, 'subsample': 0.9640862706937471}
Epoch : 889: f1_weighted Score 0.809 params {'colsample_bytree': 0.33703979945046925, 'gamma': 0.6636987782683572, 'learning_rate': 0.006223263738823675, 'max_depth': 20, 'min_child_weight': 5.279216829673321, 'n_estimators': 775, 'subsample': 0.9142206397659125}
Epoch : 890: f1_weighted Score 0.806 params {'colsample_bytree': 0.33031344143533736, 'gamma': 0.7156817918991357, 'learning_rate': 0.007456808170321308, 'max_depth': 20, 'min_child_weight': 3.9607037524801934, 'n_estimators': 375, 'subsample': 0.9291310943388033}
Epoch : 891: f1_weighted Score 0.814 params {'colsample_bytree': 0.34565724830516464, 'gamma': 0.6946361598142268, 'learning_rate': 0.010156947140081031, 'max_depth': 20, 'min_child_weight': 5.467830371858512, 'n_estimators': 275, 'subsample': 0.9479226685530248}
Epoch : 892: f1_weighted Score 0.810 params {'colsample_bytree': 0.3232671162697238, 'gamma': 0.4924049753646475, 'learning_rate': 0.005504583718535751, 'max_depth': 20, 'min_child_weight': 7.069879208401708, 'n_estimators': 525, 'subsample': 0.9942720948691489}
Epoch : 893: f1_weighted Score 0.802 params {'colsample_bytree': 0.33781304717598853, 'gamma': 0.8539459407532756, 'learning_rate': 0.02347016886917707, 'max_depth': 17, 'min_child_weight': 6.288651279239243, 'n_estimators': 350, 'subsample': 0.9825794473104473}
Epoch : 894: f1_weighted Score 0.812 params {'colsample_bytree': 0.5496605238061564, 'gamma': 0.18324717938674873, 'learning_rate': 0.01480561199239333, 'max_depth': 17, 'min_child_weight': 5.903869486559134, 'n_estimators': 175, 'subsample': 0.989469579457999}
Epoch : 895: f1_weighted Score 0.810 params {'colsample_bytree': 0.3047212200423018, 'gamma': 0.6065672836894973, 'learning_rate': 0.00842326201283314, 'max_depth': 19, 'min_child_weight': 6.182357028752171, 'n_estimators': 425, 'subsample': 0.9672294276701507}
Epoch : 896: f1_weighted Score 0.788 params {'colsample_bytree': 0.31557171955307495, 'gamma': 0.5705937512860471, 'learning_rate': 0.04059903131559976, 'max_depth': 19, 'min_child_weight': 4.170098569226151, 'n_estimators': 400, 'subsample': 0.9265637132776328}
Epoch : 897: f1_weighted Score 0.772 params {'colsample_bytree': 0.3615450802022626, 'gamma': 0.5076763135213576, 'learning_rate': 0.1987391339185921, 'max_depth': 16, 'min_child_weight': 6.469905353219269, 'n_estimators': 525, 'subsample': 0.9541555480986522}
Epoch : 898: f1_weighted Score 0.810 params {'colsample_bytree': 0.32034259781799845, 'gamma': 0.5763373069010671, 'learning_rate': 0.009824145407148478, 'max_depth': 20, 'min_child_weight': 5.362104496105696, 'n_estimators': 300, 'subsample': 0.9406085580872873}
Epoch : 899: f1_weighted Score 0.812 params {'colsample_bytree': 0.5114598568880713, 'gamma': 0.033419161587396995, 'learning_rate': 0.011187422515588992, 'max_depth': 16, 'min_child_weight': 7.876837406275478, 'n_estimators': 225, 'subsample': 0.9983449346275997}
Epoch : 900: f1_weighted Score 0.809 params {'colsample_bytree': 0.8985219832107472, 'gamma': 0.8914819283886368, 'learning_rate': 0.007916632189029084, 'max_depth': 19, 'min_child_weight': 5.642084552143784, 'n_estimators': 325, 'subsample': 0.9030155234800723}
Epoch : 901: f1_weighted Score 0.788 params {'colsample_bytree': 0.33556053392519297, 'gamma': 0.7568483737305836, 'learning_rate': 0.015606137294593102, 'max_depth': 16, 'min_child_weight': 8.099863387968888, 'n_estimators': 50, 'subsample': 0.9719756761970408}
Epoch : 902: f1_weighted Score 0.810 params {'colsample_bytree': 0.4842081462713746, 'gamma': 0.8055704571932607, 'learning_rate': 0.009014198463677752, 'max_depth': 15, 'min_child_weight': 7.253196091514224, 'n_estimators': 325, 'subsample': 0.9459202977070468}
Epoch : 903: f1_weighted Score 0.810 params {'colsample_bytree': 0.377711674904456, 'gamma': 0.7210788008053708, 'learning_rate': 0.017565534714425235, 'max_depth': 18, 'min_child_weight': 4.8001354876958455, 'n_estimators': 100, 'subsample': 0.9538877427688383}
Epoch : 904: f1_weighted Score 0.812 params {'colsample_bytree': 0.42720937034862183, 'gamma': 0.8291151057934488, 'learning_rate': 0.014947736757343552, 'max_depth': 17, 'min_child_weight': 7.613129407650519, 'n_estimators': 75, 'subsample': 0.9801757016151194}
Epoch : 905: f1_weighted Score 0.812 params {'colsample_bytree': 0.40901650165494097, 'gamma': 0.4472706237903603, 'learning_rate': 0.005085254502194987, 'max_depth': 20, 'min_child_weight': 6.722736202658469, 'n_estimators': 550, 'subsample': 0.986225147585013}
Epoch : 906: f1_weighted Score 0.810 params {'colsample_bytree': 0.39322054368189197, 'gamma': 0.499810909560664, 'learning_rate': 0.005032024545505109, 'max_depth': 20, 'min_child_weight': 6.860218800156867, 'n_estimators': 575, 'subsample': 0.9737784654413068}
Epoch : 907: f1_weighted Score 0.805 params {'colsample_bytree': 0.35261512189726557, 'gamma': 0.6743806625852978, 'learning_rate': 0.0055824360324066465, 'max_depth': 13, 'min_child_weight': 3.8242477629183598, 'n_estimators': 700, 'subsample': 0.962170060058358}
Epoch : 908: f1_weighted Score 0.814 params {'colsample_bytree': 0.37014431502843465, 'gamma': 0.30492882899286705, 'learning_rate': 0.006453334357514847, 'max_depth': 18, 'min_child_weight': 6.054900920608549, 'n_estimators': 425, 'subsample': 0.976277950397117}
Epoch : 909: f1_weighted Score 0.810 params {'colsample_bytree': 0.3196954384792132, 'gamma': 0.11236166787098498, 'learning_rate': 0.009421264258685157, 'max_depth': 18, 'min_child_weight': 4.326644637408829, 'n_estimators': 300, 'subsample': 0.9367870715205175}
Epoch : 910: f1_weighted Score 0.812 params {'colsample_bytree': 0.38999145700495363, 'gamma': 0.683993539096132, 'learning_rate': 0.01063911897996986, 'max_depth': 14, 'min_child_weight': 7.361447662845405, 'n_estimators': 275, 'subsample': 0.9355318353143884}
Epoch : 911: f1_weighted Score 0.793 params {'colsample_bytree': 0.3759668927595237, 'gamma': 0.2785317854796693, 'learning_rate': 0.016273330047430132, 'max_depth': 20, 'min_child_weight': 5.077796774548596, 'n_estimators': 825, 'subsample': 0.9918410772777333}
Epoch : 912: f1_weighted Score 0.812 params {'colsample_bytree': 0.404136520743458, 'gamma': 0.6151130363549678, 'learning_rate': 0.012398695396588147, 'max_depth': 14, 'min_child_weight': 6.32648121349938, 'n_estimators': 200, 'subsample': 0.9633343084396643}
Epoch : 913: f1_weighted Score 0.812 params {'colsample_bytree': 0.34807033133306897, 'gamma': 0.6398188181066694, 'learning_rate': 0.013383877668690005, 'max_depth': 17, 'min_child_weight': 6.473946163605609, 'n_estimators': 125, 'subsample': 0.944407024022074}
Epoch : 914: f1_weighted Score 0.812 params {'colsample_bytree': 0.34599030849673235, 'gamma': 0.66110419624327, 'learning_rate': 0.01241501950038234, 'max_depth': 15, 'min_child_weight': 7.02660741661823, 'n_estimators': 225, 'subsample': 0.9220626216405612}
Epoch : 915: f1_weighted Score 0.812 params {'colsample_bytree': 0.42534935059128287, 'gamma': 0.8285753142875542, 'learning_rate': 0.007035067050701756, 'max_depth': 16, 'min_child_weight': 6.641304366769016, 'n_estimators': 350, 'subsample': 0.9679570053738952}
Epoch : 916: f1_weighted Score 0.812 params {'colsample_bytree': 0.418993908869687, 'gamma': 0.7347609737003528, 'learning_rate': 0.01415029169494552, 'max_depth': 19, 'min_child_weight': 5.025543426414469, 'n_estimators': 150, 'subsample': 0.9503873046094066}
Epoch : 917: f1_weighted Score 0.803 params {'colsample_bytree': 0.4461867223017164, 'gamma': 0.08044498328442012, 'learning_rate': 0.005998146229905326, 'max_depth': 12, 'min_child_weight': 2.990383858932101, 'n_estimators': 625, 'subsample': 0.8909520280871653}
Epoch : 918: f1_weighted Score 0.811 params {'colsample_bytree': 0.3604037822915898, 'gamma': 0.698796403046775, 'learning_rate': 0.008303197628574725, 'max_depth': 19, 'min_child_weight': 3.43608358418476, 'n_estimators': 300, 'subsample': 0.9088762543410419}
Epoch : 919: f1_weighted Score 0.808 params {'colsample_bytree': 0.4690711189334039, 'gamma': 0.5896704933815317, 'learning_rate': 0.00661028637685078, 'max_depth': 13, 'min_child_weight': 5.563023056129833, 'n_estimators': 725, 'subsample': 0.8443832921116946}
Epoch : 920: f1_weighted Score 0.803 params {'colsample_bytree': 0.6857274238835922, 'gamma': 0.7831452630130382, 'learning_rate': 0.005388828583780129, 'max_depth': 20, 'min_child_weight': 3.6231433963498563, 'n_estimators': 675, 'subsample': 0.9394167515646129}
Epoch : 921: f1_weighted Score 0.808 params {'colsample_bytree': 0.3817114423023483, 'gamma': 0.717263675136649, 'learning_rate': 0.020440878258441764, 'max_depth': 15, 'min_child_weight': 6.763916996141706, 'n_estimators': 75, 'subsample': 0.8707811050816247}
Epoch : 922: f1_weighted Score 0.809 params {'colsample_bytree': 0.48995642264811695, 'gamma': 0.76237253154708, 'learning_rate': 0.010634755803945543, 'max_depth': 18, 'min_child_weight': 4.510769139377835, 'n_estimators': 325, 'subsample': 0.9245363577026484}
Epoch : 923: f1_weighted Score 0.812 params {'colsample_bytree': 0.3958559344177618, 'gamma': 0.5225546307523402, 'learning_rate': 0.0076967662390831845, 'max_depth': 17, 'min_child_weight': 7.220342006010143, 'n_estimators': 475, 'subsample': 0.9772322567248155}
Epoch : 924: f1_weighted Score 0.812 params {'colsample_bytree': 0.5340470256269748, 'gamma': 0.25999513958399073, 'learning_rate': 0.011551018953129447, 'max_depth': 18, 'min_child_weight': 5.9397320645045415, 'n_estimators': 250, 'subsample': 0.9957404584493372}
Epoch : 925: f1_weighted Score 0.812 params {'colsample_bytree': 0.43815605214256476, 'gamma': 0.7559830629112148, 'learning_rate': 0.009902527672203393, 'max_depth': 15, 'min_child_weight': 7.765509994374276, 'n_estimators': 275, 'subsample': 0.9154734982425299}
Epoch : 926: f1_weighted Score 0.812 params {'colsample_bytree': 0.39793465729139116, 'gamma': 0.7728223162393034, 'learning_rate': 0.01806455245277212, 'max_depth': 14, 'min_child_weight': 8.608054737460277, 'n_estimators': 175, 'subsample': 0.9700603037757678}
Epoch : 927: f1_weighted Score 0.812 params {'colsample_bytree': 0.37380171846961796, 'gamma': 0.6945608624385764, 'learning_rate': 0.016568191475963646, 'max_depth': 16, 'min_child_weight': 5.1898752815598925, 'n_estimators': 125, 'subsample': 0.8004343346554064}
Epoch : 928: f1_weighted Score 0.810 params {'colsample_bytree': 0.31368268884757344, 'gamma': 0.3121767084119884, 'learning_rate': 0.007531418507008495, 'max_depth': 17, 'min_child_weight': 6.588670838601495, 'n_estimators': 450, 'subsample': 0.9566788233325519}
Epoch : 929: f1_weighted Score 0.812 params {'colsample_bytree': 0.3398914787635571, 'gamma': 0.5515783978969566, 'learning_rate': 0.006572061621775518, 'max_depth': 15, 'min_child_weight': 6.44878104601733, 'n_estimators': 525, 'subsample': 0.9591791294736978}
Epoch : 930: f1_weighted Score 0.810 params {'colsample_bytree': 0.32790271726607606, 'gamma': 0.6289861665876332, 'learning_rate': 0.00868066815871747, 'max_depth': 19, 'min_child_weight': 5.315531674404045, 'n_estimators': 375, 'subsample': 0.9033011295922272}
Epoch : 931: f1_weighted Score 0.809 params {'colsample_bytree': 0.7393243267797674, 'gamma': 0.6991115215462507, 'learning_rate': 0.009069834886181002, 'max_depth': 20, 'min_child_weight': 4.6643723724037205, 'n_estimators': 275, 'subsample': 0.9295238159802524}
Epoch : 932: f1_weighted Score 0.763 params {'colsample_bytree': 0.31141059878867144, 'gamma': 0.6205193583936991, 'learning_rate': 0.019174719243125873, 'max_depth': 19, 'min_child_weight': 5.349324914953604, 'n_estimators': 75, 'subsample': 0.9367258045084529}
Epoch : 933: f1_weighted Score 0.812 params {'colsample_bytree': 0.3616701275654076, 'gamma': 0.4039438179410346, 'learning_rate': 0.008532937539492523, 'max_depth': 17, 'min_child_weight': 5.736827137426907, 'n_estimators': 400, 'subsample': 0.8962099616829432}
Epoch : 934: f1_weighted Score 0.812 params {'colsample_bytree': 0.4073912845015425, 'gamma': 0.978263173315127, 'learning_rate': 0.009267017130946176, 'max_depth': 18, 'min_child_weight': 5.774949402693581, 'n_estimators': 200, 'subsample': 0.9820477917457195}
Epoch : 935: f1_weighted Score 0.808 params {'colsample_bytree': 0.4749217951559743, 'gamma': 0.8787086666066916, 'learning_rate': 0.010710691955573953, 'max_depth': 18, 'min_child_weight': 5.084630583325905, 'n_estimators': 350, 'subsample': 0.9872799783244919}
Epoch : 936: f1_weighted Score 0.806 params {'colsample_bytree': 0.4985912055000077, 'gamma': 0.9566884934053136, 'learning_rate': 0.005986878089609162, 'max_depth': 10, 'min_child_weight': 4.30637399977018, 'n_estimators': 600, 'subsample': 0.9658812879293462}
Epoch : 937: f1_weighted Score 0.809 params {'colsample_bytree': 0.30288265944728143, 'gamma': 0.6730240542570777, 'learning_rate': 0.00955246965426824, 'max_depth': 11, 'min_child_weight': 4.11879359492896, 'n_estimators': 400, 'subsample': 0.9411415056438002}
Epoch : 938: f1_weighted Score 0.792 params {'colsample_bytree': 0.3460412070850647, 'gamma': 0.7371126076533597, 'learning_rate': 0.011208058029064608, 'max_depth': 14, 'min_child_weight': 0.4264299529204312, 'n_estimators': 275, 'subsample': 0.9319521473473983}
Epoch : 939: f1_weighted Score 0.792 params {'colsample_bytree': 0.3594204022387447, 'gamma': 0.13710913396236213, 'learning_rate': 0.06657817213434931, 'max_depth': 16, 'min_child_weight': 5.780273392154987, 'n_estimators': 475, 'subsample': 0.9664762644958148}
Epoch : 940: f1_weighted Score 0.808 params {'colsample_bytree': 0.30214552606389217, 'gamma': 0.46846748786620807, 'learning_rate': 0.021576789345749428, 'max_depth': 20, 'min_child_weight': 5.986000534644292, 'n_estimators': 150, 'subsample': 0.9490143603371038}
Epoch : 941: f1_weighted Score 0.722 params {'colsample_bytree': 0.332367441969134, 'gamma': 0.5801755348181972, 'learning_rate': 0.014912646721710238, 'max_depth': 19, 'min_child_weight': 5.991390861802836, 'n_estimators': 50, 'subsample': 0.9334044409834206}
Epoch : 942: f1_weighted Score 0.812 params {'colsample_bytree': 0.42874355685568283, 'gamma': 0.36039473658106075, 'learning_rate': 0.007755569643326676, 'max_depth': 18, 'min_child_weight': 6.1708023435942785, 'n_estimators': 425, 'subsample': 0.9273863155187845}
Epoch : 943: f1_weighted Score 0.793 params {'colsample_bytree': 0.36664483723534846, 'gamma': 0.797767249606587, 'learning_rate': 0.009975873281718728, 'max_depth': 19, 'min_child_weight': 4.796377574393608, 'n_estimators': 1200, 'subsample': 0.9533618665655493}
Epoch : 944: f1_weighted Score 0.812 params {'colsample_bytree': 0.38891693041517883, 'gamma': 0.7840808289817119, 'learning_rate': 0.012955747637660343, 'max_depth': 16, 'min_child_weight': 7.536321038222152, 'n_estimators': 225, 'subsample': 0.9735935796447499}
Epoch : 945: f1_weighted Score 0.809 params {'colsample_bytree': 0.9456257765854438, 'gamma': 0.440911083218827, 'learning_rate': 0.006976035913706243, 'max_depth': 18, 'min_child_weight': 7.010517255457111, 'n_estimators': 375, 'subsample': 0.9523927274509568}
Epoch : 946: f1_weighted Score 0.812 params {'colsample_bytree': 0.37507278355963175, 'gamma': 0.31332052032994806, 'learning_rate': 0.012107518462531611, 'max_depth': 17, 'min_child_weight': 5.605513383419995, 'n_estimators': 225, 'subsample': 0.9393453605790433}
Epoch : 947: f1_weighted Score 0.812 params {'colsample_bytree': 0.4165380692600471, 'gamma': 0.7206756086731979, 'learning_rate': 0.007918512632150484, 'max_depth': 17, 'min_child_weight': 7.348575217783473, 'n_estimators': 450, 'subsample': 0.9713652286246736}
Epoch : 948: f1_weighted Score 0.810 params {'colsample_bytree': 0.3248177199803469, 'gamma': 0.24485660651675126, 'learning_rate': 0.010372809754331285, 'max_depth': 16, 'min_child_weight': 6.350725409059115, 'n_estimators': 300, 'subsample': 0.9899201337904259}
Epoch : 949: f1_weighted Score 0.793 params {'colsample_bytree': 0.31426085312612423, 'gamma': 0.80945152320602, 'learning_rate': 0.01361202951612675, 'max_depth': 12, 'min_child_weight': 3.863143355202756, 'n_estimators': 125, 'subsample': 0.9446241157696401}
Epoch : 950: f1_weighted Score 0.794 params {'colsample_bytree': 0.45357504478242716, 'gamma': 0.6526427943290364, 'learning_rate': 0.05783048556188257, 'max_depth': 19, 'min_child_weight': 4.489753455464135, 'n_estimators': 175, 'subsample': 0.9475733889120606}
Epoch : 951: f1_weighted Score 0.799 params {'colsample_bytree': 0.3013735866064001, 'gamma': 0.5952067521792178, 'learning_rate': 0.028292077961171364, 'max_depth': 19, 'min_child_weight': 4.642713149951532, 'n_estimators': 350, 'subsample': 0.9189503792464166}
Epoch : 952: f1_weighted Score 0.793 params {'colsample_bytree': 0.3001221004828991, 'gamma': 0.6907969138546783, 'learning_rate': 0.014112028996399661, 'max_depth': 15, 'min_child_weight': 5.488628682645743, 'n_estimators': 100, 'subsample': 0.9265277158354001}
Epoch : 953: f1_weighted Score 0.810 params {'colsample_bytree': 0.4119604571205827, 'gamma': 0.8686394514138509, 'learning_rate': 0.005031658001721784, 'max_depth': 3, 'min_child_weight': 3.3889602847912697, 'n_estimators': 500, 'subsample': 0.8256255555110138}
Epoch : 954: f1_weighted Score 0.794 params {'colsample_bytree': 0.30020159736141555, 'gamma': 0.2984127072608723, 'learning_rate': 0.0425059136802075, 'max_depth': 17, 'min_child_weight': 6.087744402697517, 'n_estimators': 425, 'subsample': 0.9985995737556905}
Epoch : 955: f1_weighted Score 0.812 params {'colsample_bytree': 0.39077506488617764, 'gamma': 0.6034609559230699, 'learning_rate': 0.007294477363788289, 'max_depth': 16, 'min_child_weight': 7.880983484419106, 'n_estimators': 400, 'subsample': 0.9302994360850608}
Epoch : 956: f1_weighted Score 0.799 params {'colsample_bytree': 0.3585845686630182, 'gamma': 0.5316817885769038, 'learning_rate': 0.04664036216770514, 'max_depth': 20, 'min_child_weight': 5.690637056643172, 'n_estimators': 500, 'subsample': 0.9773688845758226}
Epoch : 957: f1_weighted Score 0.805 params {'colsample_bytree': 0.4574632829586772, 'gamma': 0.7563819001143006, 'learning_rate': 0.008232108706794977, 'max_depth': 20, 'min_child_weight': 3.129524422778843, 'n_estimators': 325, 'subsample': 0.947621453720155}
Epoch : 958: f1_weighted Score 0.812 params {'colsample_bytree': 0.3829826800408571, 'gamma': 0.5691650620152438, 'learning_rate': 0.005957643787677452, 'max_depth': 16, 'min_child_weight': 8.07949607263874, 'n_estimators': 450, 'subsample': 0.9414583874277621}
Epoch : 959: f1_weighted Score 0.805 params {'colsample_bytree': 0.3334106630415613, 'gamma': 0.7154222583828583, 'learning_rate': 0.02551451513251616, 'max_depth': 18, 'min_child_weight': 4.917736143136539, 'n_estimators': 200, 'subsample': 0.9621783741536016}
Epoch : 960: f1_weighted Score 0.811 params {'colsample_bytree': 0.4294207024106023, 'gamma': 0.9095676272593083, 'learning_rate': 0.006525033327545372, 'max_depth': 4, 'min_child_weight': 4.244757366668015, 'n_estimators': 575, 'subsample': 0.9773859065191168}
Epoch : 961: f1_weighted Score 0.812 params {'colsample_bytree': 0.4377768790518166, 'gamma': 0.643675584010452, 'learning_rate': 0.008646276664187057, 'max_depth': 17, 'min_child_weight': 6.548218146017795, 'n_estimators': 375, 'subsample': 0.9588327583760153}
Epoch : 962: f1_weighted Score 0.814 params {'colsample_bytree': 0.36823640660324425, 'gamma': 0.6675689117418546, 'learning_rate': 0.006957773021856006, 'max_depth': 20, 'min_child_weight': 5.0461782817755845, 'n_estimators': 375, 'subsample': 0.9845001022567417}
Epoch : 963: f1_weighted Score 0.812 params {'colsample_bytree': 0.348168037653411, 'gamma': 0.617182098076979, 'learning_rate': 0.007578722393832617, 'max_depth': 19, 'min_child_weight': 5.298364223013243, 'n_estimators': 250, 'subsample': 0.9500941399050363}
Epoch : 964: f1_weighted Score 0.814 params {'colsample_bytree': 0.40160141103618696, 'gamma': 0.7959262090950017, 'learning_rate': 0.00807379863814275, 'max_depth': 20, 'min_child_weight': 5.4838660208822105, 'n_estimators': 375, 'subsample': 0.9844727151799245}
Epoch : 965: f1_weighted Score 0.812 params {'colsample_bytree': 0.4101978237488557, 'gamma': 0.7442813739256704, 'learning_rate': 0.015801661477126, 'max_depth': 18, 'min_child_weight': 5.706756035755299, 'n_estimators': 175, 'subsample': 0.9932359016535264}
Epoch : 966: f1_weighted Score 0.814 params {'colsample_bytree': 0.34522068250329346, 'gamma': 0.844249833457076, 'learning_rate': 0.010139777981038104, 'max_depth': 15, 'min_child_weight': 4.297981466749139, 'n_estimators': 300, 'subsample': 0.8398361860884644}
Epoch : 967: f1_weighted Score 0.805 params {'colsample_bytree': 0.33816170463275524, 'gamma': 0.6425343867539507, 'learning_rate': 0.012436249223313205, 'max_depth': 14, 'min_child_weight': 3.695105442088701, 'n_estimators': 150, 'subsample': 0.8579519330131332}
Epoch : 968: f1_weighted Score 0.806 params {'colsample_bytree': 0.3968172685295012, 'gamma': 0.6923692209784189, 'learning_rate': 0.00907060726015859, 'max_depth': 17, 'min_child_weight': 4.693737701483252, 'n_estimators': 400, 'subsample': 0.953759337871662}
Epoch : 969: f1_weighted Score 0.807 params {'colsample_bytree': 0.31904140758221416, 'gamma': 0.9957549872975296, 'learning_rate': 0.024498102930819724, 'max_depth': 19, 'min_child_weight': 4.00516739342169, 'n_estimators': 150, 'subsample': 0.9569889561154452}
Epoch : 970: f1_weighted Score 0.811 params {'colsample_bytree': 0.6121997917583505, 'gamma': 0.6818930435798567, 'learning_rate': 0.011560983086254974, 'max_depth': 18, 'min_child_weight': 4.916814999153814, 'n_estimators': 225, 'subsample': 0.9442645860619018}
Epoch : 971: f1_weighted Score 0.806 params {'colsample_bytree': 0.5922922233400384, 'gamma': 0.66519276605826, 'learning_rate': 0.022472077422253246, 'max_depth': 19, 'min_child_weight': 5.145836430222644, 'n_estimators': 200, 'subsample': 0.9791780782741594}
Epoch : 972: f1_weighted Score 0.810 params {'colsample_bytree': 0.3654375658807547, 'gamma': 0.5583447270036954, 'learning_rate': 0.03556139834151151, 'max_depth': 18, 'min_child_weight': 6.18026884494172, 'n_estimators': 75, 'subsample': 0.969829596677}
Epoch : 973: f1_weighted Score 0.812 params {'colsample_bytree': 0.4807433459586801, 'gamma': 0.20281224486469945, 'learning_rate': 0.008646159633142584, 'max_depth': 16, 'min_child_weight': 5.962519561524659, 'n_estimators': 350, 'subsample': 0.9939059151481828}
Epoch : 974: f1_weighted Score 0.806 params {'colsample_bytree': 0.32727724017083987, 'gamma': 0.9290549332109859, 'learning_rate': 0.018911726993707315, 'max_depth': 20, 'min_child_weight': 5.4554010491417415, 'n_estimators': 100, 'subsample': 0.9739296204324075}
Epoch : 975: f1_weighted Score 0.812 params {'colsample_bytree': 0.4685179392619412, 'gamma': 0.8562550958425933, 'learning_rate': 0.007185286718502626, 'max_depth': 5, 'min_child_weight': 4.537524131425764, 'n_estimators': 325, 'subsample': 0.8152125291856782}
Epoch : 976: f1_weighted Score 0.814 params {'colsample_bytree': 0.3685009136128092, 'gamma': 0.2204752010356888, 'learning_rate': 0.005336300443945932, 'max_depth': 20, 'min_child_weight': 6.278334607520377, 'n_estimators': 525, 'subsample': 0.9592669181856562}
Epoch : 977: f1_weighted Score 0.809 params {'colsample_bytree': 0.42512255529431975, 'gamma': 0.8399548212710707, 'learning_rate': 0.005396107782454046, 'max_depth': 8, 'min_child_weight': 4.906580011249395, 'n_estimators': 675, 'subsample': 0.9579285922449028}
Epoch : 978: f1_weighted Score 0.809 params {'colsample_bytree': 0.346481323384487, 'gamma': 0.33753333353906195, 'learning_rate': 0.005779398989990007, 'max_depth': 20, 'min_child_weight': 5.449278002272744, 'n_estimators': 750, 'subsample': 0.9620298978897974}
Epoch : 979: f1_weighted Score 0.810 params {'colsample_bytree': 0.3118394143158391, 'gamma': 0.6098979271104561, 'learning_rate': 0.009127703659974807, 'max_depth': 19, 'min_child_weight': 6.893483988144009, 'n_estimators': 275, 'subsample': 0.91265112460904}
Epoch : 980: f1_weighted Score 0.775 params {'colsample_bytree': 0.44690126452717704, 'gamma': 0.16759879177933698, 'learning_rate': 0.1331048187657505, 'max_depth': 16, 'min_child_weight': 5.846691362964041, 'n_estimators': 550, 'subsample': 0.9870274327008141}
Epoch : 981: f1_weighted Score 0.800 params {'colsample_bytree': 0.36644695255162724, 'gamma': 0.6581382870678476, 'learning_rate': 0.028389273745068475, 'max_depth': 19, 'min_child_weight': 4.062638420945194, 'n_estimators': 200, 'subsample': 0.9834653023592309}
Epoch : 982: f1_weighted Score 0.814 params {'colsample_bytree': 0.37823417875120885, 'gamma': 0.644896715404976, 'learning_rate': 0.006005046571258861, 'max_depth': 20, 'min_child_weight': 5.059096525797594, 'n_estimators': 450, 'subsample': 0.9962936413567892}
Epoch : 983: f1_weighted Score 0.808 params {'colsample_bytree': 0.7928261693362371, 'gamma': 0.6449872992223382, 'learning_rate': 0.013317236331900583, 'max_depth': 19, 'min_child_weight': 4.496608763372783, 'n_estimators': 250, 'subsample': 0.9510791985557424}
Epoch : 984: f1_weighted Score 0.786 params {'colsample_bytree': 0.38817977787867025, 'gamma': 0.730361686457327, 'learning_rate': 0.16416061594625728, 'max_depth': 7, 'min_child_weight': 6.224824737917417, 'n_estimators': 475, 'subsample': 0.8994705363111247}
Epoch : 985: f1_weighted Score 0.812 params {'colsample_bytree': 0.417603909820669, 'gamma': 0.8373671390209863, 'learning_rate': 0.0066091302452412, 'max_depth': 15, 'min_child_weight': 3.529060185978141, 'n_estimators': 325, 'subsample': 0.8662123293586215}
Epoch : 986: f1_weighted Score 0.806 params {'colsample_bytree': 0.45900280404022026, 'gamma': 0.319929611622958, 'learning_rate': 0.007007447255082676, 'max_depth': 17, 'min_child_weight': 3.1246145964580894, 'n_estimators': 425, 'subsample': 0.8048114822345582}
Epoch : 987: f1_weighted Score 0.812 params {'colsample_bytree': 0.3504544655541394, 'gamma': 0.5256474314834764, 'learning_rate': 0.007306856670693244, 'max_depth': 19, 'min_child_weight': 6.68396580663756, 'n_estimators': 400, 'subsample': 0.9794432861122059}
Epoch : 988: f1_weighted Score 0.793 params {'colsample_bytree': 0.40055105706589156, 'gamma': 0.7407088776121231, 'learning_rate': 0.008153431466723947, 'max_depth': 18, 'min_child_weight': 5.5342538644399095, 'n_estimators': 1450, 'subsample': 0.9461925170663164}
Epoch : 989: f1_weighted Score 0.812 params {'colsample_bytree': 0.493497170323264, 'gamma': 0.8844583250414996, 'learning_rate': 0.01399163109060444, 'max_depth': 14, 'min_child_weight': 6.874231215478172, 'n_estimators': 125, 'subsample': 0.9674625648163331}
Epoch : 990: f1_weighted Score 0.777 params {'colsample_bytree': 0.4138956121851714, 'gamma': 0.6196526761051487, 'learning_rate': 0.017258488099304102, 'max_depth': 19, 'min_child_weight': 4.7661454530794645, 'n_estimators': 50, 'subsample': 0.9195233234614435}
Epoch : 991: f1_weighted Score 0.811 params {'colsample_bytree': 0.5098716377140283, 'gamma': 0.1374508611795195, 'learning_rate': 0.006519707328337307, 'max_depth': 17, 'min_child_weight': 5.873135048040358, 'n_estimators': 550, 'subsample': 0.9904397331291425}
Epoch : 992: f1_weighted Score 0.799 params {'colsample_bytree': 0.5530933219544627, 'gamma': 0.004707773071657206, 'learning_rate': 0.012759655789881441, 'max_depth': 17, 'min_child_weight': 5.603552111244841, 'n_estimators': 625, 'subsample': 0.9795450694663516}
Epoch : 993: f1_weighted Score 0.812 params {'colsample_bytree': 0.43493769566367346, 'gamma': 0.5825511778097566, 'learning_rate': 0.006226321847735565, 'max_depth': 18, 'min_child_weight': 7.138780953730332, 'n_estimators': 350, 'subsample': 0.8772818846899986}
Epoch : 994: f1_weighted Score 0.792 params {'colsample_bytree': 0.3306630467047462, 'gamma': 0.36905204155215654, 'learning_rate': 0.10899548478948341, 'max_depth': 19, 'min_child_weight': 6.41290446040518, 'n_estimators': 300, 'subsample': 0.9548103575123139}
Epoch : 995: f1_weighted Score 0.814 params {'colsample_bytree': 0.47395489551759484, 'gamma': 0.926538917518152, 'learning_rate': 0.011101936910386075, 'max_depth': 16, 'min_child_weight': 5.218206385156093, 'n_estimators': 250, 'subsample': 0.9914071898729128}
Epoch : 996: f1_weighted Score 0.812 params {'colsample_bytree': 0.5347519765255313, 'gamma': 0.7560363353920987, 'learning_rate': 0.011112818926792617, 'max_depth': 18, 'min_child_weight': 4.639423342823504, 'n_estimators': 225, 'subsample': 0.9070610066440775}
Epoch : 997: f1_weighted Score 0.795 params {'colsample_bytree': 0.633177618978123, 'gamma': 0.7128947017567664, 'learning_rate': 0.08437506977324778, 'max_depth': 18, 'min_child_weight': 5.559221878453741, 'n_estimators': 250, 'subsample': 0.9387670344514921}
Epoch : 998: f1_weighted Score 0.804 params {'colsample_bytree': 0.3187970569233427, 'gamma': 0.8108445328600105, 'learning_rate': 0.006704478987577598, 'max_depth': 20, 'min_child_weight': 3.8973607746434964, 'n_estimators': 300, 'subsample': 0.9127674586506244}
Epoch : 999: f1_weighted Score 0.814 params {'colsample_bytree': 0.39837474363358366, 'gamma': 0.7156478786322074, 'learning_rate': 0.007757020149712014, 'max_depth': 20, 'min_child_weight': 5.280003681928516, 'n_estimators': 375, 'subsample': 0.9831767827564261}
Epoch : 1000: f1_weighted Score 0.812 params {'colsample_bytree': 0.38802911876095614, 'gamma': 0.6973025747856554, 'learning_rate': 0.007793611271638965, 'max_depth': 16, 'min_child_weight': 7.370794510034075, 'n_estimators': 450, 'subsample': 0.974726673903616}
Epoch : 1001: f1_weighted Score 0.814 params {'colsample_bytree': 0.34921930879311486, 'gamma': 0.6763448353537992, 'learning_rate': 0.008768095625491855, 'max_depth': 20, 'min_child_weight': 5.23220911288852, 'n_estimators': 350, 'subsample': 0.9169452808972341}
Epoch : 1002: f1_weighted Score 0.806 params {'colsample_bytree': 0.432809124778588, 'gamma': 0.7670175543845685, 'learning_rate': 0.00617998379227059, 'max_depth': 20, 'min_child_weight': 3.4031338533192077, 'n_estimators': 500, 'subsample': 0.8900071390974099}
Epoch : 1003: f1_weighted Score 0.811 params {'colsample_bytree': 0.51872610019593, 'gamma': 0.8662669953339321, 'learning_rate': 0.00797739641847414, 'max_depth': 19, 'min_child_weight': 4.989437705000764, 'n_estimators': 375, 'subsample': 0.9909792193473751}
Epoch : 1004: f1_weighted Score 0.812 params {'colsample_bytree': 0.35862224720407065, 'gamma': 0.77682692627395, 'learning_rate': 0.007058734781954963, 'max_depth': 20, 'min_child_weight': 4.447374439892348, 'n_estimators': 325, 'subsample': 0.9275916707625251}
Epoch : 1005: f1_weighted Score 0.810 params {'colsample_bytree': 0.4986877011306005, 'gamma': 0.04569161058043117, 'learning_rate': 0.01774728808924329, 'max_depth': 17, 'min_child_weight': 4.248532431248426, 'n_estimators': 150, 'subsample': 0.8427180676031111}
Epoch : 1006: f1_weighted Score 0.812 params {'colsample_bytree': 0.36052136425667736, 'gamma': 0.48773573298607986, 'learning_rate': 0.005094843631663922, 'max_depth': 20, 'min_child_weight': 5.9912911808905545, 'n_estimators': 650, 'subsample': 0.9716252594181397}
Epoch : 1007: f1_weighted Score 0.790 params {'colsample_bytree': 0.31078820538059826, 'gamma': 0.7014602563551368, 'learning_rate': 0.016589620706616813, 'max_depth': 11, 'min_child_weight': 2.6564946902595348, 'n_estimators': 425, 'subsample': 0.9682365902676052}
Epoch : 1008: f1_weighted Score 0.812 params {'colsample_bytree': 0.33814153023764665, 'gamma': 0.9080008134014265, 'learning_rate': 0.005625027472197755, 'max_depth': 20, 'min_child_weight': 4.2918327464784864, 'n_estimators': 475, 'subsample': 0.9977441822605143}
Epoch : 1009: f1_weighted Score 0.806 params {'colsample_bytree': 0.3756417716456389, 'gamma': 0.8189560447501429, 'learning_rate': 0.0061553029621587005, 'max_depth': 12, 'min_child_weight': 4.048256745725349, 'n_estimators': 575, 'subsample': 0.936996837110722}
Epoch : 1010: f1_weighted Score 0.810 params {'colsample_bytree': 0.45261844069426194, 'gamma': 0.7982593336334232, 'learning_rate': 0.011698614888474937, 'max_depth': 13, 'min_child_weight': 7.1277652528107005, 'n_estimators': 275, 'subsample': 0.8927295226206389}
Epoch : 1011: f1_weighted Score 0.795 params {'colsample_bytree': 0.32952114186925563, 'gamma': 0.6332632319239972, 'learning_rate': 0.015008292562196927, 'max_depth': 17, 'min_child_weight': 5.134405698490472, 'n_estimators': 100, 'subsample': 0.9343359294298319}
Epoch : 1012: f1_weighted Score 0.812 params {'colsample_bytree': 0.37741639870388377, 'gamma': 0.09723578227483895, 'learning_rate': 0.006503574208758259, 'max_depth': 18, 'min_child_weight': 6.697989359632015, 'n_estimators': 425, 'subsample': 0.9863343509544417}
Epoch : 1013: f1_weighted Score 0.794 params {'colsample_bytree': 0.3141752354430632, 'gamma': 0.9478768596230338, 'learning_rate': 0.03304550039671623, 'max_depth': 13, 'min_child_weight': 3.2670608800598506, 'n_estimators': 800, 'subsample': 0.8302445959780711}
Epoch : 1014: f1_weighted Score 0.791 params {'colsample_bytree': 0.33825637609640546, 'gamma': 0.839667168973862, 'learning_rate': 0.02010138089856761, 'max_depth': 13, 'min_child_weight': 3.621309602751187, 'n_estimators': 725, 'subsample': 0.8250209300504487}
Epoch : 1015: f1_weighted Score 0.811 params {'colsample_bytree': 0.7553378345770133, 'gamma': 0.8243563649033403, 'learning_rate': 0.005646193157289012, 'max_depth': 15, 'min_child_weight': 6.440911962461886, 'n_estimators': 525, 'subsample': 0.9994660571717195}
Epoch : 1016: f1_weighted Score 0.812 params {'colsample_bytree': 0.5776137332422855, 'gamma': 0.4134820658459527, 'learning_rate': 0.005019744089452962, 'max_depth': 19, 'min_child_weight': 4.778735305695435, 'n_estimators': 550, 'subsample': 0.9433814486335912}
Epoch : 1017: f1_weighted Score 0.801 params {'colsample_bytree': 0.4047050839960663, 'gamma': 0.5466368858470456, 'learning_rate': 0.05240602035958184, 'max_depth': 9, 'min_child_weight': 6.532129128890312, 'n_estimators': 600, 'subsample': 0.9496604975596675}
Epoch : 1018: f1_weighted Score 0.812 params {'colsample_bytree': 0.3046486688328246, 'gamma': 0.8746892405596736, 'learning_rate': 0.021363690947522593, 'max_depth': 15, 'min_child_weight': 6.2053015287162046, 'n_estimators': 175, 'subsample': 0.8820089156719759}
Epoch : 1019: f1_weighted Score 0.812 params {'colsample_bytree': 0.3850492599540498, 'gamma': 0.6856644567678368, 'learning_rate': 0.009285584739598904, 'max_depth': 19, 'min_child_weight': 6.849708930886455, 'n_estimators': 400, 'subsample': 0.9239798980869849}
Epoch : 1020: f1_weighted Score 0.812 params {'colsample_bytree': 0.44477161564175743, 'gamma': 0.662539848662458, 'learning_rate': 0.005039241564236537, 'max_depth': 20, 'min_child_weight': 4.950206356688372, 'n_estimators': 475, 'subsample': 0.9644262643993196}
Epoch : 1021: f1_weighted Score 0.812 params {'colsample_bytree': 0.4256742977574808, 'gamma': 0.603783133878638, 'learning_rate': 0.005960152428655052, 'max_depth': 20, 'min_child_weight': 4.718798603158236, 'n_estimators': 450, 'subsample': 0.9710803757425208}
Epoch : 1022: f1_weighted Score 0.810 params {'colsample_bytree': 0.8723655697455333, 'gamma': 0.7931301634822497, 'learning_rate': 0.007003595051251651, 'max_depth': 18, 'min_child_weight': 4.3102267813231085, 'n_estimators': 375, 'subsample': 0.9835515648145436}
Epoch : 1023: f1_weighted Score 0.810 params {'colsample_bytree': 0.4077884308340081, 'gamma': 0.7408632570394961, 'learning_rate': 0.005365490332386732, 'max_depth': 20, 'min_child_weight': 5.700225649180146, 'n_estimators': 450, 'subsample': 0.9584874355751719}
Epoch : 1024: f1_weighted Score 0.794 params {'colsample_bytree': 0.4422642766315556, 'gamma': 0.7782972939767467, 'learning_rate': 0.010008813720623804, 'max_depth': 18, 'min_child_weight': 5.202345162325539, 'n_estimators': 950, 'subsample': 0.9982426213899692}
Epoch : 1025: f1_weighted Score 0.812 params {'colsample_bytree': 0.35686079320874453, 'gamma': 0.7272077318340462, 'learning_rate': 0.01666901055119655, 'max_depth': 19, 'min_child_weight': 6.035607375016027, 'n_estimators': 175, 'subsample': 0.961122053858004}
Epoch : 1026: f1_weighted Score 0.814 params {'colsample_bytree': 0.35299097863975504, 'gamma': 0.6706216367006972, 'learning_rate': 0.006932215893198865, 'max_depth': 18, 'min_child_weight': 5.388839801825973, 'n_estimators': 400, 'subsample': 0.982202864111725}
Epoch : 1027: f1_weighted Score 0.812 params {'colsample_bytree': 0.3934748188230908, 'gamma': 0.9677150670428233, 'learning_rate': 0.006343594139884322, 'max_depth': 17, 'min_child_weight': 6.248536064453434, 'n_estimators': 500, 'subsample': 0.9752447101187389}
Epoch : 1028: f1_weighted Score 0.812 params {'colsample_bytree': 0.3737808931071988, 'gamma': 0.7174253234613254, 'learning_rate': 0.013630711334802762, 'max_depth': 19, 'min_child_weight': 5.774816464141307, 'n_estimators': 200, 'subsample': 0.9691312841240118}
Epoch : 1029: f1_weighted Score 0.812 params {'colsample_bytree': 0.39698881701355754, 'gamma': 0.6016692350707395, 'learning_rate': 0.008049559414291165, 'max_depth': 19, 'min_child_weight': 4.995469539620693, 'n_estimators': 375, 'subsample': 0.911099555966267}
Epoch : 1030: f1_weighted Score 0.814 params {'colsample_bytree': 0.48283386808214296, 'gamma': 0.625449245066517, 'learning_rate': 0.008890326073874738, 'max_depth': 17, 'min_child_weight': 5.167851669275538, 'n_estimators': 350, 'subsample': 0.904188688793312}
Epoch : 1031: f1_weighted Score 0.812 params {'colsample_bytree': 0.41517291919711846, 'gamma': 0.3843646613914021, 'learning_rate': 0.008875244728898833, 'max_depth': 12, 'min_child_weight': 5.7595907438048695, 'n_estimators': 300, 'subsample': 0.9016597556429293}
Epoch : 1032: f1_weighted Score 0.812 params {'colsample_bytree': 0.37197094478010245, 'gamma': 0.034585106997367665, 'learning_rate': 0.009624243419759766, 'max_depth': 18, 'min_child_weight': 6.018777999628361, 'n_estimators': 250, 'subsample': 0.9794118747304065}
Epoch : 1033: f1_weighted Score 0.812 params {'colsample_bytree': 0.40658029101702564, 'gamma': 0.9007716619661229, 'learning_rate': 0.008051181125148837, 'max_depth': 10, 'min_child_weight': 5.374573978904908, 'n_estimators': 500, 'subsample': 0.8391169438394183}
Epoch : 1034: f1_weighted Score 0.812 params {'colsample_bytree': 0.3861759030375527, 'gamma': 0.81751283738256, 'learning_rate': 0.008262837982112754, 'max_depth': 18, 'min_child_weight': 6.965703989784916, 'n_estimators': 425, 'subsample': 0.9766746096173047}
Epoch : 1035: f1_weighted Score 0.814 params {'colsample_bytree': 0.4225938524851697, 'gamma': 0.7638776498069458, 'learning_rate': 0.010509787720740653, 'max_depth': 19, 'min_child_weight': 4.646223870813701, 'n_estimators': 225, 'subsample': 0.9215635577336089}
Epoch : 1036: f1_weighted Score 0.808 params {'colsample_bytree': 0.3664953648589817, 'gamma': 0.8427154963965843, 'learning_rate': 0.007416987619688958, 'max_depth': 20, 'min_child_weight': 4.452256912933373, 'n_estimators': 525, 'subsample': 0.8646273078803655}
Epoch : 1037: f1_weighted Score 0.809 params {'colsample_bytree': 0.4586220273597211, 'gamma': 0.07000991383963681, 'learning_rate': 0.012269494897860325, 'max_depth': 18, 'min_child_weight': 5.255890605553152, 'n_estimators': 250, 'subsample': 0.9917030086301794}
Epoch : 1038: f1_weighted Score 0.809 params {'colsample_bytree': 0.5429544492966636, 'gamma': 0.27634528888418186, 'learning_rate': 0.011066140173717647, 'max_depth': 16, 'min_child_weight': 5.657376224449542, 'n_estimators': 325, 'subsample': 0.9951304731176177}
Epoch : 1039: f1_weighted Score 0.812 params {'colsample_bytree': 0.42540354367710087, 'gamma': 0.7450170259579632, 'learning_rate': 0.005691223866678199, 'max_depth': 20, 'min_child_weight': 4.856995969465691, 'n_estimators': 300, 'subsample': 0.9649916914630844}
Epoch : 1040: f1_weighted Score 0.812 params {'colsample_bytree': 0.3405556523309947, 'gamma': 0.8622170402686216, 'learning_rate': 0.009731893745233951, 'max_depth': 13, 'min_child_weight': 5.4044595832381646, 'n_estimators': 300, 'subsample': 0.856527026811888}
Epoch : 1041: f1_weighted Score 0.812 params {'colsample_bytree': 0.3436414267279733, 'gamma': 0.7954512752668982, 'learning_rate': 0.010004405012581595, 'max_depth': 14, 'min_child_weight': 5.483007327034815, 'n_estimators': 275, 'subsample': 0.9319865121792918}
Epoch : 1042: f1_weighted Score 0.812 params {'colsample_bytree': 0.37072492513403393, 'gamma': 0.6450314643139416, 'learning_rate': 0.006099653712150998, 'max_depth': 20, 'min_child_weight': 4.591449337664381, 'n_estimators': 325, 'subsample': 0.951658913994032}
Epoch : 1043: f1_weighted Score 0.812 params {'colsample_bytree': 0.3913094277668217, 'gamma': 0.5689592496372271, 'learning_rate': 0.00734185935348259, 'max_depth': 16, 'min_child_weight': 7.412361414341209, 'n_estimators': 400, 'subsample': 0.9878528388946501}
Epoch : 1044: f1_weighted Score 0.799 params {'colsample_bytree': 0.35242089023982087, 'gamma': 0.8516780273992677, 'learning_rate': 0.009181308684760942, 'max_depth': 13, 'min_child_weight': 5.875741378034608, 'n_estimators': 1275, 'subsample': 0.8206102989517856}
Epoch : 1045: f1_weighted Score 0.812 params {'colsample_bytree': 0.4383840827938115, 'gamma': 0.17494907700333504, 'learning_rate': 0.006675989738615012, 'max_depth': 17, 'min_child_weight': 6.170578247686551, 'n_estimators': 450, 'subsample': 0.99556142827903}
Epoch : 1046: f1_weighted Score 0.812 params {'colsample_bytree': 0.5264720458398877, 'gamma': 0.5978712095251428, 'learning_rate': 0.011845122076975072, 'max_depth': 16, 'min_child_weight': 5.2290974878265715, 'n_estimators': 250, 'subsample': 0.9837295675075189}
Epoch : 1047: f1_weighted Score 0.812 params {'colsample_bytree': 0.41539052180652963, 'gamma': 0.7116051336395899, 'learning_rate': 0.007753278622392815, 'max_depth': 20, 'min_child_weight': 4.088106657461674, 'n_estimators': 350, 'subsample': 0.9083548322788687}
Epoch : 1048: f1_weighted Score 0.812 params {'colsample_bytree': 0.4696561752081433, 'gamma': 0.17745024419528854, 'learning_rate': 0.011248314173540372, 'max_depth': 17, 'min_child_weight': 5.901990574091972, 'n_estimators': 225, 'subsample': 0.9971208286773112}
Epoch : 1049: f1_weighted Score 0.811 params {'colsample_bytree': 0.4424875357235144, 'gamma': 0.8144586630219842, 'learning_rate': 0.008807488951212781, 'max_depth': 20, 'min_child_weight': 4.751983027359171, 'n_estimators': 350, 'subsample': 0.9265413811980061}
Epoch : 1050: f1_weighted Score 0.793 params {'colsample_bytree': 0.3306080325541327, 'gamma': 0.5773961908981404, 'learning_rate': 0.024219218729631984, 'max_depth': 19, 'min_child_weight': 4.92196995189628, 'n_estimators': 475, 'subsample': 0.8986018292511522}
Epoch : 1051: f1_weighted Score 0.804 params {'colsample_bytree': 0.30068968324026424, 'gamma': 0.6738440747734821, 'learning_rate': 0.019321970440090364, 'max_depth': 18, 'min_child_weight': 5.3784931607116215, 'n_estimators': 150, 'subsample': 0.9313734477039983}
Epoch : 1052: f1_weighted Score 0.809 params {'colsample_bytree': 0.3762059261697605, 'gamma': 0.7432396495914212, 'learning_rate': 0.00500698853482436, 'max_depth': 12, 'min_child_weight': 4.387963846526914, 'n_estimators': 675, 'subsample': 0.95501481163106}
Epoch : 1053: f1_weighted Score 0.814 params {'colsample_bytree': 0.40765269427228923, 'gamma': 0.9541130856513994, 'learning_rate': 0.006396338230666019, 'max_depth': 14, 'min_child_weight': 4.360178027965777, 'n_estimators': 500, 'subsample': 0.8029464620510779}
Epoch : 1054: f1_weighted Score 0.814 params {'colsample_bytree': 0.38420605415921444, 'gamma': 0.6762826616074434, 'learning_rate': 0.010821680825749918, 'max_depth': 15, 'min_child_weight': 5.598614663499649, 'n_estimators': 300, 'subsample': 0.915423471170725}
Epoch : 1055: f1_weighted Score 0.812 params {'colsample_bytree': 0.38878490527419896, 'gamma': 0.707889749664566, 'learning_rate': 0.010447696398402286, 'max_depth': 15, 'min_child_weight': 6.384897899205597, 'n_estimators': 275, 'subsample': 0.9553662780341325}
Epoch : 1056: f1_weighted Score 0.812 params {'colsample_bytree': 0.4191471631509834, 'gamma': 0.2881562548671643, 'learning_rate': 0.005366914796867029, 'max_depth': 18, 'min_child_weight': 5.031952860156029, 'n_estimators': 400, 'subsample': 0.9818050606618453}
Epoch : 1057: f1_weighted Score 0.810 params {'colsample_bytree': 0.3249303884028436, 'gamma': 0.6141221236561285, 'learning_rate': 0.01008235160228617, 'max_depth': 19, 'min_child_weight': 5.76640133492797, 'n_estimators': 275, 'subsample': 0.9162112528489711}
Epoch : 1058: f1_weighted Score 0.808 params {'colsample_bytree': 0.3221838091812401, 'gamma': 0.6927048380255638, 'learning_rate': 0.017738712581876783, 'max_depth': 17, 'min_child_weight': 6.677754649102881, 'n_estimators': 175, 'subsample': 0.9636738414933835}
Epoch : 1059: f1_weighted Score 0.806 params {'colsample_bytree': 0.4046529617413244, 'gamma': 0.730276111265727, 'learning_rate': 0.009603726666660258, 'max_depth': 20, 'min_child_weight': 4.779052715326387, 'n_estimators': 350, 'subsample': 0.959255278160773}
Epoch : 1060: f1_weighted Score 0.812 params {'colsample_bytree': 0.601745522142213, 'gamma': 0.6265655678574467, 'learning_rate': 0.023593404183969675, 'max_depth': 19, 'min_child_weight': 5.4686972282133866, 'n_estimators': 100, 'subsample': 0.9510382205695774}
Epoch : 1061: f1_weighted Score 0.814 params {'colsample_bytree': 0.35116209929408343, 'gamma': 0.7713026040287634, 'learning_rate': 0.009187202113141347, 'max_depth': 14, 'min_child_weight': 3.7881724543831097, 'n_estimators': 300, 'subsample': 0.8103475459399508}
Epoch : 1062: f1_weighted Score 0.803 params {'colsample_bytree': 0.3540320063637281, 'gamma': 0.6511562509515123, 'learning_rate': 0.005762643953777506, 'max_depth': 19, 'min_child_weight': 2.520906604988549, 'n_estimators': 525, 'subsample': 0.9998755182928645}
Epoch : 1063: f1_weighted Score 0.814 params {'colsample_bytree': 0.3648293523798677, 'gamma': 0.5524566334748593, 'learning_rate': 0.008734219389157829, 'max_depth': 18, 'min_child_weight': 5.446452365319256, 'n_estimators': 350, 'subsample': 0.9768005325509528}
Epoch : 1064: f1_weighted Score 0.814 params {'colsample_bytree': 0.47391184956945354, 'gamma': 0.6755928620163757, 'learning_rate': 0.010953274679747797, 'max_depth': 16, 'min_child_weight': 5.224837939262359, 'n_estimators': 250, 'subsample': 0.9105777266564886}
Epoch : 1065: f1_weighted Score 0.812 params {'colsample_bytree': 0.5249399283068588, 'gamma': 0.6730375366189293, 'learning_rate': 0.011316462735844204, 'max_depth': 15, 'min_child_weight': 5.231474887366615, 'n_estimators': 250, 'subsample': 0.8936494145418898}
Epoch : 1066: f1_weighted Score 0.812 params {'colsample_bytree': 0.48156713382872424, 'gamma': 0.2369189840445746, 'learning_rate': 0.008016103278013071, 'max_depth': 17, 'min_child_weight': 5.9248710163825145, 'n_estimators': 375, 'subsample': 0.9922716481426741}
Epoch : 1067: f1_weighted Score 0.810 params {'colsample_bytree': 0.31349025382680157, 'gamma': 0.6298227016035167, 'learning_rate': 0.013259248508331456, 'max_depth': 19, 'min_child_weight': 6.114504808154398, 'n_estimators': 200, 'subsample': 0.9635487635098233}
Epoch : 1068: f1_weighted Score 0.812 params {'colsample_bytree': 0.46387327878424034, 'gamma': 0.8599703705211076, 'learning_rate': 0.01033729415792286, 'max_depth': 18, 'min_child_weight': 5.695380344340725, 'n_estimators': 225, 'subsample': 0.9734951947929752}
Epoch : 1069: f1_weighted Score 0.808 params {'colsample_bytree': 0.32319001951935294, 'gamma': 0.6527231886350257, 'learning_rate': 0.01256098474050907, 'max_depth': 20, 'min_child_weight': 4.165206973402559, 'n_estimators': 225, 'subsample': 0.921432287877024}
Epoch : 1070: f1_weighted Score 0.812 params {'colsample_bytree': 0.34445675524420233, 'gamma': 0.7016681101551459, 'learning_rate': 0.011859039470973928, 'max_depth': 20, 'min_child_weight': 4.6512453025646305, 'n_estimators': 275, 'subsample': 0.9029921816786814}
Epoch : 1071: f1_weighted Score 0.812 params {'colsample_bytree': 0.4271343867833727, 'gamma': 0.7850444566917335, 'learning_rate': 0.006868096605555247, 'max_depth': 20, 'min_child_weight': 4.642358621832403, 'n_estimators': 375, 'subsample': 0.8910276239356025}
Epoch : 1072: f1_weighted Score 0.812 params {'colsample_bytree': 0.4034440773155139, 'gamma': 0.9949924807531353, 'learning_rate': 0.007180428691434818, 'max_depth': 19, 'min_child_weight': 5.0058487618660195, 'n_estimators': 400, 'subsample': 0.8825548409189298}
Epoch : 1073: f1_weighted Score 0.814 params {'colsample_bytree': 0.35914958033530237, 'gamma': 0.6648351187793698, 'learning_rate': 0.009556265093380499, 'max_depth': 18, 'min_child_weight': 5.677284931148288, 'n_estimators': 325, 'subsample': 0.9439526192361621}
Epoch : 1074: f1_weighted Score 0.812 params {'colsample_bytree': 0.42851975955243726, 'gamma': 0.5875807684800826, 'learning_rate': 0.012892475244092936, 'max_depth': 18, 'min_child_weight': 6.431566857110885, 'n_estimators': 200, 'subsample': 0.9368722421291975}
Epoch : 1075: f1_weighted Score 0.812 params {'colsample_bytree': 0.37687571183390367, 'gamma': 0.6271324325889565, 'learning_rate': 0.007558429554491274, 'max_depth': 20, 'min_child_weight': 6.239584457113591, 'n_estimators': 425, 'subsample': 0.9860878715883256}
Epoch : 1076: f1_weighted Score 0.808 params {'colsample_bytree': 0.36402735789945506, 'gamma': 0.7568949188009728, 'learning_rate': 0.008361785156120077, 'max_depth': 19, 'min_child_weight': 4.941415208922918, 'n_estimators': 425, 'subsample': 0.9998909298534135}
Epoch : 1077: f1_weighted Score 0.812 params {'colsample_bytree': 0.3394166460214626, 'gamma': 0.7537944714645572, 'learning_rate': 0.008620553544009904, 'max_depth': 20, 'min_child_weight': 4.209889263553094, 'n_estimators': 375, 'subsample': 0.8885983789848503}
Epoch : 1078: f1_weighted Score 0.809 params {'colsample_bytree': 0.4455535787816299, 'gamma': 0.8000434255812932, 'learning_rate': 0.010282537133800635, 'max_depth': 17, 'min_child_weight': 3.9492661372428293, 'n_estimators': 225, 'subsample': 0.9858770762573035}
Epoch : 1079: f1_weighted Score 0.814 params {'colsample_bytree': 0.39347712395196194, 'gamma': 0.7254973757993994, 'learning_rate': 0.00948612090030664, 'max_depth': 13, 'min_child_weight': 5.510512016108976, 'n_estimators': 325, 'subsample': 0.9922907752638168}
Epoch : 1080: f1_weighted Score 0.812 params {'colsample_bytree': 0.5050372903376408, 'gamma': 0.021587178090749535, 'learning_rate': 0.012293935246204795, 'max_depth': 13, 'min_child_weight': 3.952009974902313, 'n_estimators': 125, 'subsample': 0.8354378327673033}
Epoch : 1081: f1_weighted Score 0.812 params {'colsample_bytree': 0.37429452255136814, 'gamma': 0.7403027776192299, 'learning_rate': 0.010557474029162637, 'max_depth': 20, 'min_child_weight': 4.859050839547959, 'n_estimators': 200, 'subsample': 0.9464962945537645}
Epoch : 1082: f1_weighted Score 0.810 params {'colsample_bytree': 0.336643600330525, 'gamma': 0.798945359260265, 'learning_rate': 0.0067396110555568225, 'max_depth': 20, 'min_child_weight': 6.774032214777674, 'n_estimators': 450, 'subsample': 0.9712092573942245}
Epoch : 1083: f1_weighted Score 0.811 params {'colsample_bytree': 0.45277582323024573, 'gamma': 0.22468728991528134, 'learning_rate': 0.007709643973187333, 'max_depth': 17, 'min_child_weight': 5.969499399695119, 'n_estimators': 475, 'subsample': 0.9872782158757961}
Epoch : 1084: f1_weighted Score 0.814 params {'colsample_bytree': 0.34945248449134575, 'gamma': 0.8993704906943172, 'learning_rate': 0.005033640589080755, 'max_depth': 6, 'min_child_weight': 4.785964601638706, 'n_estimators': 575, 'subsample': 0.9188659740318814}
Epoch : 1085: f1_weighted Score 0.812 params {'colsample_bytree': 0.35215443497998344, 'gamma': 0.7038237452853016, 'learning_rate': 0.014243429786895604, 'max_depth': 3, 'min_child_weight': 4.503379479384354, 'n_estimators': 150, 'subsample': 0.9208791834958552}
Epoch : 1086: f1_weighted Score 0.812 params {'colsample_bytree': 0.700628792897692, 'gamma': 0.47622328350556353, 'learning_rate': 0.014931487574425972, 'max_depth': 17, 'min_child_weight': 6.392203196542324, 'n_estimators': 75, 'subsample': 0.9709082838121117}
Epoch : 1087: f1_weighted Score 0.783 params {'colsample_bytree': 0.3588572689431436, 'gamma': 0.5171208736684539, 'learning_rate': 0.01620077449099794, 'max_depth': 19, 'min_child_weight': 5.021298492458795, 'n_estimators': 50, 'subsample': 0.9427073042582029}
Epoch : 1088: f1_weighted Score 0.805 params {'colsample_bytree': 0.4646485383159629, 'gamma': 0.773651336307039, 'learning_rate': 0.006088901508637349, 'max_depth': 18, 'min_child_weight': 3.7676365887255536, 'n_estimators': 625, 'subsample': 0.8784233472957166}
Epoch : 1089: f1_weighted Score 0.812 params {'colsample_bytree': 0.37947502497787516, 'gamma': 0.21717971717648724, 'learning_rate': 0.006457081353362132, 'max_depth': 14, 'min_child_weight': 6.006006371991594, 'n_estimators': 500, 'subsample': 0.9786296774643257}
Epoch : 1090: f1_weighted Score 0.810 params {'colsample_bytree': 0.3217321472478501, 'gamma': 0.5440246667532669, 'learning_rate': 0.00561711537969303, 'max_depth': 19, 'min_child_weight': 6.527604600539491, 'n_estimators': 550, 'subsample': 0.9580952244762563}
Epoch : 1091: f1_weighted Score 0.811 params {'colsample_bytree': 0.40245619678381206, 'gamma': 0.9652295783182552, 'learning_rate': 0.014827478778166833, 'max_depth': 14, 'min_child_weight': 6.277520584067509, 'n_estimators': 325, 'subsample': 0.9684225611592189}
Epoch : 1092: f1_weighted Score 0.810 params {'colsample_bytree': 0.48923869675056336, 'gamma': 0.8187002764255733, 'learning_rate': 0.008728340755643261, 'max_depth': 16, 'min_child_weight': 3.721782440574468, 'n_estimators': 175, 'subsample': 0.9233890144451781}
Epoch : 1093: f1_weighted Score 0.810 params {'colsample_bytree': 0.49805988821043057, 'gamma': 0.9377520737918739, 'learning_rate': 0.01512334742930388, 'max_depth': 16, 'min_child_weight': 4.174176585242597, 'n_estimators': 125, 'subsample': 0.8936699528280695}
Epoch : 1094: f1_weighted Score 0.812 params {'colsample_bytree': 0.4141194877991917, 'gamma': 0.8258841213428949, 'learning_rate': 0.008173938701718978, 'max_depth': 14, 'min_child_weight': 4.351336740640682, 'n_estimators': 325, 'subsample': 0.9371412233468844}
Epoch : 1095: f1_weighted Score 0.812 params {'colsample_bytree': 0.37509474127693354, 'gamma': 0.8832521149012271, 'learning_rate': 0.005389812307769543, 'max_depth': 8, 'min_child_weight': 3.5319435862997084, 'n_estimators': 600, 'subsample': 0.8484911635709848}
Epoch : 1096: f1_weighted Score 0.809 params {'colsample_bytree': 0.47892476435322934, 'gamma': 0.5055250487388239, 'learning_rate': 0.007505432398290024, 'max_depth': 18, 'min_child_weight': 4.654979957147582, 'n_estimators': 475, 'subsample': 0.8859849974431864}
Epoch : 1097: f1_weighted Score 0.809 params {'colsample_bytree': 0.4311124700558857, 'gamma': 0.45889902283632844, 'learning_rate': 0.013104065880349904, 'max_depth': 15, 'min_child_weight': 2.929991642445879, 'n_estimators': 150, 'subsample': 0.8965820622706554}
Epoch : 1098: f1_weighted Score 0.793 params {'colsample_bytree': 0.41773194331684965, 'gamma': 0.7731753253086974, 'learning_rate': 0.010655037974343699, 'max_depth': 11, 'min_child_weight': 4.560840966003037, 'n_estimators': 850, 'subsample': 0.9254540272459248}
Epoch : 1099: f1_weighted Score 0.814 params {'colsample_bytree': 0.4408040730281907, 'gamma': 0.6528695628114279, 'learning_rate': 0.00969329134395051, 'max_depth': 16, 'min_child_weight': 5.890727072422939, 'n_estimators': 275, 'subsample': 0.9472346049511955}
Epoch : 1100: f1_weighted Score 0.810 params {'colsample_bytree': 0.3027024767004551, 'gamma': 0.5949330681548677, 'learning_rate': 0.009690849349665777, 'max_depth': 14, 'min_child_weight': 6.213646965634311, 'n_estimators': 275, 'subsample': 0.9322993367340913}
Epoch : 1101: f1_weighted Score 0.800 params {'colsample_bytree': 0.3843036168299119, 'gamma': 0.6819841155378595, 'learning_rate': 0.008539766665570023, 'max_depth': 7, 'min_child_weight': 5.216260672462601, 'n_estimators': 900, 'subsample': 0.9081870841236426}
Epoch : 1102: f1_weighted Score 0.797 params {'colsample_bytree': 0.4119595280362367, 'gamma': 0.973437448044222, 'learning_rate': 0.031160979446466643, 'max_depth': 15, 'min_child_weight': 4.421854439104065, 'n_estimators': 600, 'subsample': 0.9011698306937987}
Epoch : 1103: f1_weighted Score 0.812 params {'colsample_bytree': 0.4657913343025709, 'gamma': 0.7420844792948303, 'learning_rate': 0.013816531719559952, 'max_depth': 16, 'min_child_weight': 6.589374796046748, 'n_estimators': 175, 'subsample': 0.9750720481399561}
Epoch : 1104: f1_weighted Score 0.809 params {'colsample_bytree': 0.49135443384293903, 'gamma': 0.915035705440354, 'learning_rate': 0.011701216371039134, 'max_depth': 17, 'min_child_weight': 5.298366208608577, 'n_estimators': 325, 'subsample': 0.9831244617410403}
Epoch : 1105: f1_weighted Score 0.810 params {'colsample_bytree': 0.44296734753384914, 'gamma': 0.2717968747856441, 'learning_rate': 0.009291696276381982, 'max_depth': 16, 'min_child_weight': 6.2756913764586, 'n_estimators': 350, 'subsample': 0.8634289980763233}
Epoch : 1106: f1_weighted Score 0.812 params {'colsample_bytree': 0.5147292236335217, 'gamma': 0.08835546777588904, 'learning_rate': 0.007141290593052657, 'max_depth': 17, 'min_child_weight': 5.807854251696361, 'n_estimators': 400, 'subsample': 0.9999702496192694}
Epoch : 1107: f1_weighted Score 0.812 params {'colsample_bytree': 0.5713827156367087, 'gamma': 0.7295481977712303, 'learning_rate': 0.008350955913737353, 'max_depth': 15, 'min_child_weight': 5.244683266744943, 'n_estimators': 300, 'subsample': 0.9889237543971816}
Epoch : 1108: f1_weighted Score 0.810 params {'colsample_bytree': 0.5595858734981327, 'gamma': 0.049730420827496444, 'learning_rate': 0.005880997139088593, 'max_depth': 15, 'min_child_weight': 5.53467501386197, 'n_estimators': 450, 'subsample': 0.8748170711304425}
Epoch : 1109: f1_weighted Score 0.803 params {'colsample_bytree': 0.39911694734334935, 'gamma': 0.9449447514606502, 'learning_rate': 0.0050328941937958106, 'max_depth': 20, 'min_child_weight': 4.951897262557552, 'n_estimators': 1075, 'subsample': 0.9865055264029317}
Epoch : 1110: f1_weighted Score 0.810 params {'colsample_bytree': 0.3310407651081519, 'gamma': 0.9929923334107731, 'learning_rate': 0.005490268445107331, 'max_depth': 20, 'min_child_weight': 5.85821613092035, 'n_estimators': 650, 'subsample': 0.9609098153347141}
Epoch : 1111: f1_weighted Score 0.812 params {'colsample_bytree': 0.8329735987632486, 'gamma': 0.6997023298983787, 'learning_rate': 0.00956348354852404, 'max_depth': 19, 'min_child_weight': 6.921394453225752, 'n_estimators': 250, 'subsample': 0.941294994200551}
Epoch : 1112: f1_weighted Score 0.814 params {'colsample_bytree': 0.392843082321958, 'gamma': 0.6586289542505762, 'learning_rate': 0.008174702452789628, 'max_depth': 19, 'min_child_weight': 5.583858505842251, 'n_estimators': 375, 'subsample': 0.9423854905069043}
Epoch : 1113: f1_weighted Score 0.797 params {'colsample_bytree': 0.30479722203298987, 'gamma': 0.636148560274469, 'learning_rate': 0.02917671476276716, 'max_depth': 20, 'min_child_weight': 4.83459059206176, 'n_estimators': 375, 'subsample': 0.9488906791685616}
Epoch : 1114: f1_weighted Score 0.814 params {'colsample_bytree': 0.39485503582355497, 'gamma': 0.7218538701724962, 'learning_rate': 0.012946930455731673, 'max_depth': 14, 'min_child_weight': 5.617669071935803, 'n_estimators': 300, 'subsample': 0.8156471253422002}
Epoch : 1115: f1_weighted Score 0.812 params {'colsample_bytree': 0.4290539643683295, 'gamma': 0.7332995459406849, 'learning_rate': 0.011727115264936975, 'max_depth': 11, 'min_child_weight': 5.615237867966573, 'n_estimators': 350, 'subsample': 0.8243605025428276}
Epoch : 1116: f1_weighted Score 0.801 params {'colsample_bytree': 0.45623363505760733, 'gamma': 0.7653351299012419, 'learning_rate': 0.010999227704676267, 'max_depth': 18, 'min_child_weight': 2.10762165317976, 'n_estimators': 225, 'subsample': 0.9292911944840274}
Epoch : 1117: f1_weighted Score 0.814 params {'colsample_bytree': 0.36529763461970904, 'gamma': 0.9593422012695909, 'learning_rate': 0.005233620239295567, 'max_depth': 7, 'min_child_weight': 4.98138312013589, 'n_estimators': 575, 'subsample': 0.9062734797849898}
Epoch : 1118: f1_weighted Score 0.812 params {'colsample_bytree': 0.3751982229047308, 'gamma': 0.06869169428305796, 'learning_rate': 0.005463575368524827, 'max_depth': 6, 'min_child_weight': 6.087565279818807, 'n_estimators': 525, 'subsample': 0.9954757729185778}
Epoch : 1119: f1_weighted Score 0.810 params {'colsample_bytree': 0.33248167902803677, 'gamma': 0.4881701629515771, 'learning_rate': 0.006576819785548369, 'max_depth': 7, 'min_child_weight': 5.150373058540656, 'n_estimators': 550, 'subsample': 0.8981964571640007}
Epoch : 1120: f1_weighted Score 0.810 params {'colsample_bytree': 0.31707764607407307, 'gamma': 0.59151107530045, 'learning_rate': 0.007366605792857036, 'max_depth': 19, 'min_child_weight': 5.380894343114621, 'n_estimators': 425, 'subsample': 0.871078448322899}
Epoch : 1121: f1_weighted Score 0.793 params {'colsample_bytree': 0.3014507153547348, 'gamma': 0.6791728279822676, 'learning_rate': 0.009084433396165367, 'max_depth': 15, 'min_child_weight': 3.347800757796934, 'n_estimators': 200, 'subsample': 0.9110991428467637}
Epoch : 1122: f1_weighted Score 0.812 params {'colsample_bytree': 0.47538797139452194, 'gamma': 0.17431843921068385, 'learning_rate': 0.006041877330880745, 'max_depth': 19, 'min_child_weight': 4.5715985887075385, 'n_estimators': 475, 'subsample': 0.9294222981087676}
Epoch : 1123: f1_weighted Score 0.811 params {'colsample_bytree': 0.36589098081135674, 'gamma': 0.9809311728261884, 'learning_rate': 0.005937493029514756, 'max_depth': 20, 'min_child_weight': 4.797787474114318, 'n_estimators': 500, 'subsample': 0.9999410988196354}
Epoch : 1124: f1_weighted Score 0.812 params {'colsample_bytree': 0.4272403418050146, 'gamma': 0.8772490776921246, 'learning_rate': 0.00771820663967606, 'max_depth': 12, 'min_child_weight': 5.293133115235448, 'n_estimators': 350, 'subsample': 0.9907212044727957}
Epoch : 1125: f1_weighted Score 0.812 params {'colsample_bytree': 0.4500088026872749, 'gamma': 0.9978285418248319, 'learning_rate': 0.010734712527158475, 'max_depth': 15, 'min_child_weight': 4.393063838248466, 'n_estimators': 125, 'subsample': 0.9140340270086533}
Epoch : 1126: f1_weighted Score 0.797 params {'colsample_bytree': 0.9679876517135348, 'gamma': 0.8313327324311146, 'learning_rate': 0.12157969199849918, 'max_depth': 19, 'min_child_weight': 4.245591383918183, 'n_estimators': 400, 'subsample': 0.9656250852330223}
Epoch : 1127: f1_weighted Score 0.808 params {'colsample_bytree': 0.3000826908034013, 'gamma': 0.5580367271627016, 'learning_rate': 0.009010727184958331, 'max_depth': 12, 'min_child_weight': 3.7784432770214496, 'n_estimators': 250, 'subsample': 0.8051192219096758}
Epoch : 1128: f1_weighted Score 0.802 params {'colsample_bytree': 0.32253800776817043, 'gamma': 0.8413047935047548, 'learning_rate': 0.0070642065678769225, 'max_depth': 15, 'min_child_weight': 3.1443594631612006, 'n_estimators': 300, 'subsample': 0.9953524968696309}
Epoch : 1129: f1_weighted Score 0.810 params {'colsample_bytree': 0.38972454439975945, 'gamma': 0.2500873468156252, 'learning_rate': 0.006237526535750671, 'max_depth': 17, 'min_child_weight': 6.571418972314006, 'n_estimators': 475, 'subsample': 0.9756123410681982}
Epoch : 1130: f1_weighted Score 0.803 params {'colsample_bytree': 0.36141575699527806, 'gamma': 0.44689802820990665, 'learning_rate': 0.008625063947185908, 'max_depth': 13, 'min_child_weight': 2.6532785050949665, 'n_estimators': 425, 'subsample': 0.8073769146107488}
Epoch : 1131: f1_weighted Score 0.812 params {'colsample_bytree': 0.3862722333983105, 'gamma': 0.6144479631911035, 'learning_rate': 0.008430504754242816, 'max_depth': 19, 'min_child_weight': 6.072902243047364, 'n_estimators': 275, 'subsample': 0.9519310482420547}
Epoch : 1132: f1_weighted Score 0.812 params {'colsample_bytree': 0.358057265320461, 'gamma': 0.707197781496431, 'learning_rate': 0.005722974580091537, 'max_depth': 10, 'min_child_weight': 6.384224925758245, 'n_estimators': 450, 'subsample': 0.9666397301057001}
Epoch : 1133: f1_weighted Score 0.808 params {'colsample_bytree': 0.4106684046632795, 'gamma': 0.7071409086055375, 'learning_rate': 0.006645675581739556, 'max_depth': 12, 'min_child_weight': 5.1021403583911145, 'n_estimators': 625, 'subsample': 0.97959391304491}
Epoch : 1134: f1_weighted Score 0.812 params {'colsample_bytree': 0.34134011256734464, 'gamma': 0.7607872539846874, 'learning_rate': 0.008985239382456352, 'max_depth': 13, 'min_child_weight': 3.008961040698485, 'n_estimators': 300, 'subsample': 0.811273342244939}
Epoch : 1135: f1_weighted Score 0.812 params {'colsample_bytree': 0.38089415884824446, 'gamma': 0.1230876313881534, 'learning_rate': 0.012302686275906687, 'max_depth': 17, 'min_child_weight': 5.81634812457417, 'n_estimators': 225, 'subsample': 0.9743541566445388}
Epoch : 1136: f1_weighted Score 0.812 params {'colsample_bytree': 0.42156508594646946, 'gamma': 0.8593155545885746, 'learning_rate': 0.007728998783519686, 'max_depth': 20, 'min_child_weight': 5.6926291284625234, 'n_estimators': 375, 'subsample': 0.9919316462963641}
Epoch : 1137: f1_weighted Score 0.803 params {'colsample_bytree': 0.5182210375530276, 'gamma': 0.9138716454293486, 'learning_rate': 0.010843365967679607, 'max_depth': 16, 'min_child_weight': 2.7511357643377403, 'n_estimators': 325, 'subsample': 0.9762442830679098}
Epoch : 1138: f1_weighted Score 0.814 params {'colsample_bytree': 0.4131564621547934, 'gamma': 0.7441285854756039, 'learning_rate': 0.009816286182358646, 'max_depth': 19, 'min_child_weight': 4.145822238074632, 'n_estimators': 300, 'subsample': 0.9161895764720931}
Epoch : 1139: f1_weighted Score 0.805 params {'colsample_bytree': 0.3738985416084823, 'gamma': 0.6392682389712853, 'learning_rate': 0.006170179371632165, 'max_depth': 9, 'min_child_weight': 3.546989824754451, 'n_estimators': 700, 'subsample': 0.9953279642183764}
Epoch : 1140: f1_weighted Score 0.808 params {'colsample_bytree': 0.3150083847761769, 'gamma': 0.576536057690894, 'learning_rate': 0.025513358792006807, 'max_depth': 18, 'min_child_weight': 5.297277539734312, 'n_estimators': 100, 'subsample': 0.935950267048558}
Epoch : 1141: f1_weighted Score 0.808 params {'colsample_bytree': 0.47851644875890587, 'gamma': 0.6867690715553939, 'learning_rate': 0.010426909191614648, 'max_depth': 14, 'min_child_weight': 5.089097416590373, 'n_estimators': 325, 'subsample': 0.9917970830042969}
Epoch : 1142: f1_weighted Score 0.812 params {'colsample_bytree': 0.3563581241210864, 'gamma': 0.1636596457241052, 'learning_rate': 0.005383149936628473, 'max_depth': 18, 'min_child_weight': 6.98740607949421, 'n_estimators': 525, 'subsample': 0.9691513876266605}
Epoch : 1143: f1_weighted Score 0.812 params {'colsample_bytree': 0.34238312227189494, 'gamma': 0.43197575325882887, 'learning_rate': 0.005132229579259543, 'max_depth': 14, 'min_child_weight': 3.895516143035497, 'n_estimators': 600, 'subsample': 0.8151620271618777}
Epoch : 1144: f1_weighted Score 0.812 params {'colsample_bytree': 0.3967135871886122, 'gamma': 0.33178188685038834, 'learning_rate': 0.010221985714715467, 'max_depth': 17, 'min_child_weight': 7.0317439505972095, 'n_estimators': 250, 'subsample': 0.9663565205796709}
Epoch : 1145: f1_weighted Score 0.812 params {'colsample_bytree': 0.4942368240437593, 'gamma': 0.4661205490176977, 'learning_rate': 0.006868155056150998, 'max_depth': 17, 'min_child_weight': 6.14584570078262, 'n_estimators': 200, 'subsample': 0.8984264854653748}
Epoch : 1146: f1_weighted Score 0.810 params {'colsample_bytree': 0.45645285213997144, 'gamma': 0.9267230656453218, 'learning_rate': 0.005104074968214465, 'max_depth': 3, 'min_child_weight': 3.9701348713993725, 'n_estimators': 575, 'subsample': 0.9972612796638709}
Epoch : 1147: f1_weighted Score 0.814 params {'colsample_bytree': 0.40689287511377853, 'gamma': 0.21904700525473378, 'learning_rate': 0.006406937166781811, 'max_depth': 14, 'min_child_weight': 5.476873626501809, 'n_estimators': 425, 'subsample': 0.9828396427871262}
Epoch : 1148: f1_weighted Score 0.809 params {'colsample_bytree': 0.4631171884873224, 'gamma': 0.12285756357022612, 'learning_rate': 0.00643459942216333, 'max_depth': 13, 'min_child_weight': 4.0160781632653135, 'n_estimators': 700, 'subsample': 0.8071092134600875}
Epoch : 1149: f1_weighted Score 0.812 params {'colsample_bytree': 0.4421659736615569, 'gamma': 0.19902677963264254, 'learning_rate': 0.013394406304864338, 'max_depth': 16, 'min_child_weight': 5.81541069442029, 'n_estimators': 175, 'subsample': 0.9557767956827274}
Epoch : 1150: f1_weighted Score 0.806 params {'colsample_bytree': 0.4258423006520695, 'gamma': 0.6763180618350498, 'learning_rate': 0.0072627195765423876, 'max_depth': 18, 'min_child_weight': 4.616536922524309, 'n_estimators': 650, 'subsample': 0.9171742590521075}
Epoch : 1151: f1_weighted Score 0.812 params {'colsample_bytree': 0.39964149676867056, 'gamma': 0.6156546207578844, 'learning_rate': 0.007400609509026454, 'max_depth': 19, 'min_child_weight': 5.052448508366309, 'n_estimators': 425, 'subsample': 0.9410520854429028}
Epoch : 1152: f1_weighted Score 0.795 params {'colsample_bytree': 0.6731663425884207, 'gamma': 0.5332024094961225, 'learning_rate': 0.037410305757665394, 'max_depth': 11, 'min_child_weight': 4.777439662176507, 'n_estimators': 275, 'subsample': 0.9034608800167313}
Epoch : 1153: f1_weighted Score 0.812 params {'colsample_bytree': 0.5442392983746162, 'gamma': 0.6495241987872649, 'learning_rate': 0.015608929833810285, 'max_depth': 16, 'min_child_weight': 5.230452285431786, 'n_estimators': 150, 'subsample': 0.8898435935440343}
Epoch : 1154: f1_weighted Score 0.812 params {'colsample_bytree': 0.43742658728633715, 'gamma': 0.783160635844679, 'learning_rate': 0.011377262728868057, 'max_depth': 15, 'min_child_weight': 6.042204554802035, 'n_estimators': 225, 'subsample': 0.912791881160975}
Epoch : 1155: f1_weighted Score 0.812 params {'colsample_bytree': 0.4549332371135262, 'gamma': 0.7817252496471752, 'learning_rate': 0.011972314204615912, 'max_depth': 16, 'min_child_weight': 5.73689263668332, 'n_estimators': 225, 'subsample': 0.9217974903379816}
Epoch : 1156: f1_weighted Score 0.812 params {'colsample_bytree': 0.38538213110552183, 'gamma': 0.6655634595391549, 'learning_rate': 0.00662305817723984, 'max_depth': 15, 'min_child_weight': 6.7609167300223225, 'n_estimators': 400, 'subsample': 0.9616035048898408}
Epoch : 1157: f1_weighted Score 0.806 params {'colsample_bytree': 0.38324512702354413, 'gamma': 0.5423886194512294, 'learning_rate': 0.01570131495500611, 'max_depth': 16, 'min_child_weight': 7.659826044466354, 'n_estimators': 475, 'subsample': 0.9595612434367079}
Epoch : 1158: f1_weighted Score 0.810 params {'colsample_bytree': 0.6199520873276734, 'gamma': 0.4182297014889631, 'learning_rate': 0.008245815990362273, 'max_depth': 14, 'min_child_weight': 3.416806399388899, 'n_estimators': 275, 'subsample': 0.9812304761979909}
Epoch : 1159: f1_weighted Score 0.812 params {'colsample_bytree': 0.41678046987654077, 'gamma': 0.941329838889817, 'learning_rate': 0.007765691666476289, 'max_depth': 15, 'min_child_weight': 7.538619646456229, 'n_estimators': 500, 'subsample': 0.9238450220830843}
Epoch : 1160: f1_weighted Score 0.812 params {'colsample_bytree': 0.344505413585499, 'gamma': 0.5723773668014339, 'learning_rate': 0.005787651685423749, 'max_depth': 18, 'min_child_weight': 5.483486608459502, 'n_estimators': 450, 'subsample': 0.9807112755526561}
Epoch : 1161: f1_weighted Score 0.786 params {'colsample_bytree': 0.32919434034134415, 'gamma': 0.6038884489164228, 'learning_rate': 0.048999079885892596, 'max_depth': 19, 'min_child_weight': 5.381575607478404, 'n_estimators': 550, 'subsample': 0.9117928199011718}
Epoch : 1162: f1_weighted Score 0.803 params {'colsample_bytree': 0.43412860828801547, 'gamma': 0.7146939540645153, 'learning_rate': 0.011064923399761749, 'max_depth': 14, 'min_child_weight': 2.4678060688148697, 'n_estimators': 300, 'subsample': 0.8000430008442835}
Epoch : 1163: f1_weighted Score 0.811 params {'colsample_bytree': 0.3576293663630558, 'gamma': 0.7247541659770202, 'learning_rate': 0.009395848064344056, 'max_depth': 17, 'min_child_weight': 2.8786926190480537, 'n_estimators': 250, 'subsample': 0.9450898130884208}
Epoch : 1164: f1_weighted Score 0.810 params {'colsample_bytree': 0.41556772124588276, 'gamma': 0.3052016853171572, 'learning_rate': 0.005142489804320617, 'max_depth': 20, 'min_child_weight': 6.396193575637891, 'n_estimators': 525, 'subsample': 0.9999700094480973}
Epoch : 1165: f1_weighted Score 0.812 params {'colsample_bytree': 0.36714988412667965, 'gamma': 0.6926290613546187, 'learning_rate': 0.005628738873924753, 'max_depth': 10, 'min_child_weight': 4.6374082089315, 'n_estimators': 575, 'subsample': 0.9177725300605144}
Epoch : 1166: f1_weighted Score 0.793 params {'colsample_bytree': 0.31591933789090076, 'gamma': 0.5753392179991806, 'learning_rate': 0.026821606201939758, 'max_depth': 5, 'min_child_weight': 4.794688733579685, 'n_estimators': 525, 'subsample': 0.915707893377826}
Epoch : 1167: f1_weighted Score 0.803 params {'colsample_bytree': 0.40041097947183185, 'gamma': 0.8209041586329123, 'learning_rate': 0.012412888347626362, 'max_depth': 6, 'min_child_weight': 0.7915512286604178, 'n_estimators': 350, 'subsample': 0.8900648010807789}
Epoch : 1168: f1_weighted Score 0.809 params {'colsample_bytree': 0.32709846990345043, 'gamma': 0.6494001895503846, 'learning_rate': 0.006228195644257961, 'max_depth': 17, 'min_child_weight': 5.013649603900684, 'n_estimators': 725, 'subsample': 0.953837220142802}
Epoch : 1169: f1_weighted Score 0.812 params {'colsample_bytree': 0.5366117723405047, 'gamma': 0.6255295636634485, 'learning_rate': 0.008994416570358623, 'max_depth': 18, 'min_child_weight': 5.425162223080949, 'n_estimators': 75, 'subsample': 0.9062712129937607}
Epoch : 1170: f1_weighted Score 0.812 params {'colsample_bytree': 0.34789980838223883, 'gamma': 0.2897886072858818, 'learning_rate': 0.005825829672590069, 'max_depth': 20, 'min_child_weight': 6.033827836199, 'n_estimators': 550, 'subsample': 0.9768810868304368}
Epoch : 1171: f1_weighted Score 0.810 params {'colsample_bytree': 0.30322478597018115, 'gamma': 0.5549105235461956, 'learning_rate': 0.007265171276146806, 'max_depth': 18, 'min_child_weight': 5.103994037430951, 'n_estimators': 475, 'subsample': 0.9069638170047775}
Epoch : 1172: f1_weighted Score 0.792 params {'colsample_bytree': 0.33332736274725405, 'gamma': 0.5960608178250755, 'learning_rate': 0.03153928492474262, 'max_depth': 19, 'min_child_weight': 4.546947008482903, 'n_estimators': 450, 'subsample': 0.9530099719156151}
Epoch : 1173: f1_weighted Score 0.812 params {'colsample_bytree': 0.40201835573580225, 'gamma': 0.8912389382381428, 'learning_rate': 0.006876687065515492, 'max_depth': 13, 'min_child_weight': 8.245993739378147, 'n_estimators': 450, 'subsample': 0.99089676538317}
Epoch : 1174: f1_weighted Score 0.812 params {'colsample_bytree': 0.37720432476381327, 'gamma': 0.7385308410512428, 'learning_rate': 0.007974571941186047, 'max_depth': 19, 'min_child_weight': 5.630942926766079, 'n_estimators': 500, 'subsample': 0.9154740270792806}
Epoch : 1175: f1_weighted Score 0.810 params {'colsample_bytree': 0.30138012655500346, 'gamma': 0.5153180548420222, 'learning_rate': 0.009517526952207162, 'max_depth': 14, 'min_child_weight': 4.958465519124608, 'n_estimators': 375, 'subsample': 0.8114675203526455}
Epoch : 1176: f1_weighted Score 0.808 params {'colsample_bytree': 0.43448235636667254, 'gamma': 0.8087798888651275, 'learning_rate': 0.006884425567011103, 'max_depth': 12, 'min_child_weight': 4.425689644337387, 'n_estimators': 400, 'subsample': 0.9860789275255818}
Epoch : 1177: f1_weighted Score 0.808 params {'colsample_bytree': 0.3321155383371641, 'gamma': 0.7879439863996395, 'learning_rate': 0.010242765946740172, 'max_depth': 15, 'min_child_weight': 3.684630797290076, 'n_estimators': 325, 'subsample': 0.800345983633076}
Epoch : 1178: f1_weighted Score 0.809 params {'colsample_bytree': 0.3529464258399109, 'gamma': 0.6887006361891482, 'learning_rate': 0.005084717014815541, 'max_depth': 7, 'min_child_weight': 4.105308573383064, 'n_estimators': 575, 'subsample': 0.9226651640286055}
Epoch : 1179: f1_weighted Score 0.801 params {'colsample_bytree': 0.31374574229129787, 'gamma': 0.6261045409359054, 'learning_rate': 0.01393030785528356, 'max_depth': 18, 'min_child_weight': 4.592867431655277, 'n_estimators': 175, 'subsample': 0.9013181047290446}
Epoch : 1180: f1_weighted Score 0.810 params {'colsample_bytree': 0.6587392142480284, 'gamma': 0.506488920054541, 'learning_rate': 0.008223290441743003, 'max_depth': 4, 'min_child_weight': 5.567149234837579, 'n_estimators': 400, 'subsample': 0.8953560678977809}
Epoch : 1181: f1_weighted Score 0.812 params {'colsample_bytree': 0.4474084555562435, 'gamma': 0.7639522843004743, 'learning_rate': 0.010179685070109258, 'max_depth': 19, 'min_child_weight': 4.27901364575917, 'n_estimators': 200, 'subsample': 0.9326788573519063}
Epoch : 1182: f1_weighted Score 0.812 params {'colsample_bytree': 0.3682402793728026, 'gamma': 0.2567782853784328, 'learning_rate': 0.007985815952108781, 'max_depth': 17, 'min_child_weight': 6.697730034155527, 'n_estimators': 325, 'subsample': 0.9871136820755212}
Epoch : 1183: f1_weighted Score 0.812 params {'colsample_bytree': 0.3787937784207152, 'gamma': 0.24828651916087555, 'learning_rate': 0.00761304748256325, 'max_depth': 17, 'min_child_weight': 6.080490284931704, 'n_estimators': 375, 'subsample': 0.986667692458348}
Epoch : 1184: f1_weighted Score 0.812 params {'colsample_bytree': 0.39189180032126325, 'gamma': 0.2625081189391544, 'learning_rate': 0.010274341155908001, 'max_depth': 17, 'min_child_weight': 5.733907558532109, 'n_estimators': 275, 'subsample': 0.9886047245269187}
Epoch : 1185: f1_weighted Score 0.810 params {'colsample_bytree': 0.6399453078192185, 'gamma': 0.5330035029213607, 'learning_rate': 0.007300465685535946, 'max_depth': 12, 'min_child_weight': 7.2173258208295294, 'n_estimators': 425, 'subsample': 0.905225994075477}
Epoch : 1186: f1_weighted Score 0.812 params {'colsample_bytree': 0.4192522693594705, 'gamma': 0.6210383598359869, 'learning_rate': 0.012302900933501712, 'max_depth': 5, 'min_child_weight': 4.348143168839659, 'n_estimators': 125, 'subsample': 0.883734673802842}
Epoch : 1187: f1_weighted Score 0.812 params {'colsample_bytree': 0.40380488474183074, 'gamma': 0.1556832710056718, 'learning_rate': 0.0050356274315609025, 'max_depth': 16, 'min_child_weight': 6.327577517429978, 'n_estimators': 600, 'subsample': 0.9111481632907324}
Epoch : 1188: f1_weighted Score 0.811 params {'colsample_bytree': 0.44762423473711965, 'gamma': 0.6486270189634141, 'learning_rate': 0.005001165875656779, 'max_depth': 18, 'min_child_weight': 5.905356456918758, 'n_estimators': 775, 'subsample': 0.9729529391782908}
Epoch : 1189: f1_weighted Score 0.812 params {'colsample_bytree': 0.3384065192286463, 'gamma': 0.5796541952003875, 'learning_rate': 0.006555754953269805, 'max_depth': 11, 'min_child_weight': 6.851926256113646, 'n_estimators': 400, 'subsample': 0.9289006723261853}
Epoch : 1190: f1_weighted Score 0.812 params {'colsample_bytree': 0.3580648039170404, 'gamma': 0.668382086198008, 'learning_rate': 0.007654051931821884, 'max_depth': 4, 'min_child_weight': 4.8006598316184, 'n_estimators': 350, 'subsample': 0.9249633623537796}
Epoch : 1191: f1_weighted Score 0.809 params {'colsample_bytree': 0.479206433367418, 'gamma': 0.6541493640362264, 'learning_rate': 0.013167332297432877, 'max_depth': 2, 'min_child_weight': 5.897260252847769, 'n_estimators': 750, 'subsample': 0.9343356918077222}
Epoch : 1192: f1_weighted Score 0.791 params {'colsample_bytree': 0.34685383435842465, 'gamma': 0.6632446880305544, 'learning_rate': 0.014612047461163428, 'max_depth': 9, 'min_child_weight': 5.994737841295344, 'n_estimators': 875, 'subsample': 0.9342976419676261}
Epoch : 1193: f1_weighted Score 0.812 params {'colsample_bytree': 0.36374365582860113, 'gamma': 0.7294200015230093, 'learning_rate': 0.011778789053529469, 'max_depth': 13, 'min_child_weight': 5.568981404854738, 'n_estimators': 325, 'subsample': 0.8557815793192415}
Epoch : 1194: f1_weighted Score 0.812 params {'colsample_bytree': 0.48718344559908355, 'gamma': 0.7563584041307648, 'learning_rate': 0.006765133603374293, 'max_depth': 18, 'min_child_weight': 4.013299105543442, 'n_estimators': 425, 'subsample': 0.885298520781421}
Epoch : 1195: f1_weighted Score 0.806 params {'colsample_bytree': 0.5048055887934172, 'gamma': 0.0022557355386740308, 'learning_rate': 0.008684702628486507, 'max_depth': 18, 'min_child_weight': 3.8206526045853657, 'n_estimators': 350, 'subsample': 0.8953227915729937}
Epoch : 1196: f1_weighted Score 0.812 params {'colsample_bytree': 0.416506295190608, 'gamma': 0.8003823111404559, 'learning_rate': 0.007159938198168066, 'max_depth': 18, 'min_child_weight': 6.0774570820764495, 'n_estimators': 400, 'subsample': 0.9639127931941016}
Epoch : 1197: f1_weighted Score 0.812 params {'colsample_bytree': 0.46284686003655806, 'gamma': 0.8914069613705824, 'learning_rate': 0.006020192708796981, 'max_depth': 4, 'min_child_weight': 4.668830507204972, 'n_estimators': 375, 'subsample': 0.9997445104847275}
Epoch : 1198: f1_weighted Score 0.812 params {'colsample_bytree': 0.40116032112542327, 'gamma': 0.8519816950694677, 'learning_rate': 0.008312336189964513, 'max_depth': 20, 'min_child_weight': 4.897089482117918, 'n_estimators': 375, 'subsample': 0.9811019057719718}
Epoch : 1199: f1_weighted Score 0.814 params {'colsample_bytree': 0.4329616000571969, 'gamma': 0.6204422007493052, 'learning_rate': 0.008608403856594163, 'max_depth': 19, 'min_child_weight': 5.4451767492793675, 'n_estimators': 325, 'subsample': 0.9393078882306095}
Epoch : 1200: f1_weighted Score 0.810 params {'colsample_bytree': 0.3679589253391863, 'gamma': 0.6452273952688261, 'learning_rate': 0.017184909513943875, 'max_depth': 19, 'min_child_weight': 4.471930637040201, 'n_estimators': 100, 'subsample': 0.9380559571064565}
Epoch : 1201: f1_weighted Score 0.809 params {'colsample_bytree': 0.3831451297886175, 'gamma': 0.48250379049986225, 'learning_rate': 0.01791277121189827, 'max_depth': 8, 'min_child_weight': 3.412225103948084, 'n_estimators': 150, 'subsample': 0.9044852710237992}
Epoch : 1202: f1_weighted Score 0.812 params {'colsample_bytree': 0.43397394689799584, 'gamma': 0.8714907186483019, 'learning_rate': 0.009432842981840495, 'max_depth': 11, 'min_child_weight': 6.451821061733396, 'n_estimators': 275, 'subsample': 0.9375032402886528}
Epoch : 1203: f1_weighted Score 0.798 params {'colsample_bytree': 0.3029660070862614, 'gamma': 0.8360567921575394, 'learning_rate': 0.07550326694802185, 'max_depth': 5, 'min_child_weight': 6.326656995593702, 'n_estimators': 300, 'subsample': 0.9279816932747875}
Epoch : 1204: f1_weighted Score 0.804 params {'colsample_bytree': 0.4536120610381265, 'gamma': 0.9161130996391851, 'learning_rate': 0.011207269456275589, 'max_depth': 15, 'min_child_weight': 1.5023053469571495, 'n_estimators': 250, 'subsample': 0.8416432256904736}
Epoch : 1205: f1_weighted Score 0.808 params {'colsample_bytree': 0.4149639539737443, 'gamma': 0.8633080300330547, 'learning_rate': 0.01925118652687693, 'max_depth': 13, 'min_child_weight': 3.611169630731021, 'n_estimators': 200, 'subsample': 0.8017357563819307}
Epoch : 1206: f1_weighted Score 0.808 params {'colsample_bytree': 0.3931510837292709, 'gamma': 0.9644575346203553, 'learning_rate': 0.005401185543376468, 'max_depth': 13, 'min_child_weight': 4.345644371096047, 'n_estimators': 675, 'subsample': 0.8983037538464302}
Epoch : 1207: f1_weighted Score 0.812 params {'colsample_bytree': 0.4713586284477569, 'gamma': 0.18900688686156067, 'learning_rate': 0.010840563780631387, 'max_depth': 16, 'min_child_weight': 5.040032960536425, 'n_estimators': 225, 'subsample': 0.9104365597930223}
Epoch : 1208: f1_weighted Score 0.811 params {'colsample_bytree': 0.44001609927290375, 'gamma': 0.7075567651834137, 'learning_rate': 0.005322819686845073, 'max_depth': 6, 'min_child_weight': 5.038159696169715, 'n_estimators': 625, 'subsample': 0.9488701187435532}
Epoch : 1209: f1_weighted Score 0.800 params {'colsample_bytree': 0.44201077873594774, 'gamma': 0.7049286859176036, 'learning_rate': 0.009759749604509706, 'max_depth': 5, 'min_child_weight': 5.164318397187741, 'n_estimators': 725, 'subsample': 0.9464852284869387}
Epoch : 1210: f1_weighted Score 0.809 params {'colsample_bytree': 0.39327514804572933, 'gamma': 0.7810857260440667, 'learning_rate': 0.009262564308719821, 'max_depth': 6, 'min_child_weight': 5.67221738348094, 'n_estimators': 475, 'subsample': 0.9420251004594106}
Epoch : 1211: f1_weighted Score 0.814 params {'colsample_bytree': 0.37426149759884486, 'gamma': 0.1530798408484679, 'learning_rate': 0.006492382271050689, 'max_depth': 20, 'min_child_weight': 5.380259607075732, 'n_estimators': 425, 'subsample': 0.9888003067206412}
Epoch : 1212: f1_weighted Score 0.810 params {'colsample_bytree': 0.508466148170041, 'gamma': 0.7492888643426365, 'learning_rate': 0.01470095259678429, 'max_depth': 12, 'min_child_weight': 4.114603630685456, 'n_estimators': 125, 'subsample': 0.8002412841933007}
Epoch : 1213: f1_weighted Score 0.814 params {'colsample_bytree': 0.42667644551430767, 'gamma': 0.10340208724592753, 'learning_rate': 0.006296896885305409, 'max_depth': 20, 'min_child_weight': 5.302398465714443, 'n_estimators': 450, 'subsample': 0.956986068477204}
Epoch : 1214: f1_weighted Score 0.777 params {'colsample_bytree': 0.32227417741439685, 'gamma': 0.006901850591625014, 'learning_rate': 0.020331639928113977, 'max_depth': 17, 'min_child_weight': 5.2825161693933715, 'n_estimators': 75, 'subsample': 0.9563401157150742}
Epoch : 1215: f1_weighted Score 0.814 params {'colsample_bytree': 0.3342348520335109, 'gamma': 0.5960682395770448, 'learning_rate': 0.008539664500520443, 'max_depth': 18, 'min_child_weight': 6.261285218185601, 'n_estimators': 375, 'subsample': 0.9518099445113412}
Epoch : 1216: f1_weighted Score 0.810 params {'colsample_bytree': 0.3016220230862858, 'gamma': 0.6004103724847376, 'learning_rate': 0.009561253131566253, 'max_depth': 8, 'min_child_weight': 5.781311842107164, 'n_estimators': 250, 'subsample': 0.9184394313269441}
Epoch : 1217: f1_weighted Score 0.808 params {'colsample_bytree': 0.3180305995979319, 'gamma': 0.691020570389535, 'learning_rate': 0.007845285685441156, 'max_depth': 18, 'min_child_weight': 3.849605045830873, 'n_estimators': 325, 'subsample': 0.8793976699631074}
Epoch : 1218: f1_weighted Score 0.812 params {'colsample_bytree': 0.34624134532852974, 'gamma': 0.9282603776180675, 'learning_rate': 0.008334787388972701, 'max_depth': 18, 'min_child_weight': 3.4583549976302947, 'n_estimators': 350, 'subsample': 0.8746818988220587}
Epoch : 1219: f1_weighted Score 0.812 params {'colsample_bytree': 0.37282800581128117, 'gamma': 0.720098578654551, 'learning_rate': 0.010164937464742585, 'max_depth': 18, 'min_child_weight': 5.8175404261117345, 'n_estimators': 300, 'subsample': 0.9727117454035891}
Epoch : 1220: f1_weighted Score 0.810 params {'colsample_bytree': 0.3257047214839375, 'gamma': 0.802518019625195, 'learning_rate': 0.009764564436727402, 'max_depth': 3, 'min_child_weight': 3.217554583813592, 'n_estimators': 300, 'subsample': 0.9218055059235917}
Epoch : 1221: f1_weighted Score 0.798 params {'colsample_bytree': 0.7805168464336799, 'gamma': 0.9492650610547178, 'learning_rate': 0.022882267696156304, 'max_depth': 10, 'min_child_weight': 4.839804061344682, 'n_estimators': 925, 'subsample': 0.9083394300132244}
Epoch : 1222: f1_weighted Score 0.812 params {'colsample_bytree': 0.4101888929596708, 'gamma': 0.7838989029544036, 'learning_rate': 0.008972921056315674, 'max_depth': 18, 'min_child_weight': 6.614632480234026, 'n_estimators': 275, 'subsample': 0.9683340422378329}
Epoch : 1223: f1_weighted Score 0.796 params {'colsample_bytree': 0.351420633441058, 'gamma': 0.5488988679572105, 'learning_rate': 0.01261872478659302, 'max_depth': 13, 'min_child_weight': 1.7789791256007739, 'n_estimators': 150, 'subsample': 0.8188993955851814}
Epoch : 1224: f1_weighted Score 0.799 params {'colsample_bytree': 0.9324114594855977, 'gamma': 0.8419229928958923, 'learning_rate': 0.007040513628479523, 'max_depth': 11, 'min_child_weight': 4.217862583747381, 'n_estimators': 850, 'subsample': 0.8995073231471651}
Epoch : 1225: f1_weighted Score 0.812 params {'colsample_bytree': 0.34244630560231076, 'gamma': 0.8985359479698791, 'learning_rate': 0.005586948113829842, 'max_depth': 20, 'min_child_weight': 5.490083525712715, 'n_estimators': 675, 'subsample': 0.9666408949913751}
Epoch : 1226: f1_weighted Score 0.812 params {'colsample_bytree': 0.3922557367715448, 'gamma': 0.6409321712585869, 'learning_rate': 0.005860171415260322, 'max_depth': 14, 'min_child_weight': 6.171984944411752, 'n_estimators': 425, 'subsample': 0.8518247529056875}
Epoch : 1227: f1_weighted Score 0.811 params {'colsample_bytree': 0.36540588388085626, 'gamma': 0.7556183353083403, 'learning_rate': 0.00710702929908234, 'max_depth': 19, 'min_child_weight': 5.055525175951456, 'n_estimators': 500, 'subsample': 0.9637783008628722}
Epoch : 1228: f1_weighted Score 0.812 params {'colsample_bytree': 0.4633198736808243, 'gamma': 0.8853754315940083, 'learning_rate': 0.007714488582731338, 'max_depth': 16, 'min_child_weight': 4.01077180290622, 'n_estimators': 350, 'subsample': 0.8326905129997392}
Epoch : 1229: f1_weighted Score 0.812 params {'colsample_bytree': 0.5612307765046759, 'gamma': 0.8078587364291626, 'learning_rate': 0.011386790992079386, 'max_depth': 16, 'min_child_weight': 7.2075726201566805, 'n_estimators': 200, 'subsample': 0.9601797475596466}
Epoch : 1230: f1_weighted Score 0.793 params {'colsample_bytree': 0.46036947968596775, 'gamma': 0.22856766231090164, 'learning_rate': 0.01039537659688062, 'max_depth': 11, 'min_child_weight': 3.280514185863632, 'n_estimators': 600, 'subsample': 0.8874904524915705}
Epoch : 1231: f1_weighted Score 0.812 params {'colsample_bytree': 0.5582950627463923, 'gamma': 0.6794712696030057, 'learning_rate': 0.013517269412878428, 'max_depth': 15, 'min_child_weight': 3.6900867497832692, 'n_estimators': 175, 'subsample': 0.8156566212643652}
Epoch : 1232: f1_weighted Score 0.799 params {'colsample_bytree': 0.38465953469876696, 'gamma': 0.9732113315988938, 'learning_rate': 0.01579293343118776, 'max_depth': 16, 'min_child_weight': 5.561477571365217, 'n_estimators': 700, 'subsample': 0.9675246207866616}
Epoch : 1233: f1_weighted Score 0.809 params {'colsample_bytree': 0.4329239433439215, 'gamma': 0.21875806140282428, 'learning_rate': 0.0064468758360041005, 'max_depth': 19, 'min_child_weight': 4.158442808177017, 'n_estimators': 425, 'subsample': 0.9606238207793969}
Epoch : 1234: f1_weighted Score 0.805 params {'colsample_bytree': 0.40632584408571687, 'gamma': 0.5698158149007483, 'learning_rate': 0.007579320455438594, 'max_depth': 14, 'min_child_weight': 2.994557446114526, 'n_estimators': 500, 'subsample': 0.811103940007102}
Epoch : 1235: f1_weighted Score 0.806 params {'colsample_bytree': 0.38919909611700565, 'gamma': 0.9851643954934216, 'learning_rate': 0.014240844052636625, 'max_depth': 15, 'min_child_weight': 8.946095379158907, 'n_estimators': 750, 'subsample': 0.9124534903947135}
Epoch : 1236: f1_weighted Score 0.797 params {'colsample_bytree': 0.45259244146313177, 'gamma': 0.8205794608083622, 'learning_rate': 0.013163796317699643, 'max_depth': 15, 'min_child_weight': 6.9768832436556165, 'n_estimators': 975, 'subsample': 0.8480662725929965}
Epoch : 1237: f1_weighted Score 0.812 params {'colsample_bytree': 0.47013725873049905, 'gamma': 0.7501369069963683, 'learning_rate': 0.013957369467168888, 'max_depth': 14, 'min_child_weight': 7.574629116258567, 'n_estimators': 200, 'subsample': 0.8725973264854516}
Epoch : 1238: f1_weighted Score 0.810 params {'colsample_bytree': 0.8115468085733571, 'gamma': 0.8625171560973327, 'learning_rate': 0.00601947864648819, 'max_depth': 20, 'min_child_weight': 5.329826119024741, 'n_estimators': 450, 'subsample': 0.9943767852750717}
Epoch : 1239: f1_weighted Score 0.811 params {'colsample_bytree': 0.37269984512674625, 'gamma': 0.8240482379918843, 'learning_rate': 0.0059916802485130705, 'max_depth': 19, 'min_child_weight': 4.317193813593075, 'n_estimators': 625, 'subsample': 0.8283584561642354}
Epoch : 1240: f1_weighted Score 0.800 params {'colsample_bytree': 0.34139512374293474, 'gamma': 0.8962303983036634, 'learning_rate': 0.04247810430973548, 'max_depth': 17, 'min_child_weight': 7.101292301475121, 'n_estimators': 475, 'subsample': 0.9330055228726369}
Epoch : 1241: f1_weighted Score 0.731 params {'colsample_bytree': 0.3085267791718081, 'gamma': 0.6262200195670699, 'learning_rate': 0.01656171314643711, 'max_depth': 5, 'min_child_weight': 4.665550196126367, 'n_estimators': 50, 'subsample': 0.9055460371574602}
Epoch : 1242: f1_weighted Score 0.799 params {'colsample_bytree': 0.3270224432831985, 'gamma': 0.6036898713858345, 'learning_rate': 0.012072467766893396, 'max_depth': 19, 'min_child_weight': 6.866468577141603, 'n_estimators': 175, 'subsample': 0.9470147434833361}
Epoch : 1243: f1_weighted Score 0.812 params {'colsample_bytree': 0.417355199939779, 'gamma': 0.908047449893942, 'learning_rate': 0.00881586728332472, 'max_depth': 3, 'min_child_weight': 4.785768653053344, 'n_estimators': 400, 'subsample': 0.9739726523507833}
Epoch : 1244: f1_weighted Score 0.812 params {'colsample_bytree': 0.35812336458454863, 'gamma': 0.5862555945491069, 'learning_rate': 0.006829142108104632, 'max_depth': 17, 'min_child_weight': 6.743430876980593, 'n_estimators': 425, 'subsample': 0.9211902174780485}
Epoch : 1245: f1_weighted Score 0.812 params {'colsample_bytree': 0.3486761852644612, 'gamma': 0.7304794567708691, 'learning_rate': 0.008852354904728013, 'max_depth': 3, 'min_child_weight': 4.827792280003045, 'n_estimators': 350, 'subsample': 0.9285394322472555}
Epoch : 1246: f1_weighted Score 0.799 params {'colsample_bytree': 0.3005805246861152, 'gamma': 0.784765902399817, 'learning_rate': 0.024181525887391017, 'max_depth': 10, 'min_child_weight': 7.365159447693867, 'n_estimators': 775, 'subsample': 0.9310759906682883}
Epoch : 1247: f1_weighted Score 0.812 params {'colsample_bytree': 0.42563678559779194, 'gamma': 0.9972582955175027, 'learning_rate': 0.00637478990644111, 'max_depth': 16, 'min_child_weight': 5.482405585337797, 'n_estimators': 525, 'subsample': 0.9400298708331857}
Epoch : 1248: f1_weighted Score 0.812 params {'colsample_bytree': 0.49378750014342115, 'gamma': 0.6655450080755978, 'learning_rate': 0.010545420813320149, 'max_depth': 12, 'min_child_weight': 5.948434257089453, 'n_estimators': 250, 'subsample': 0.9780055222412704}
Epoch : 1249: f1_weighted Score 0.812 params {'colsample_bytree': 0.4484080365599955, 'gamma': 0.5518150264557428, 'learning_rate': 0.011213298798193298, 'max_depth': 16, 'min_child_weight': 6.575932700596244, 'n_estimators': 225, 'subsample': 0.9917429941238566}
Epoch : 1250: f1_weighted Score 0.812 params {'colsample_bytree': 0.37798584015128833, 'gamma': 0.14900752336192846, 'learning_rate': 0.011834107952226088, 'max_depth': 17, 'min_child_weight': 5.734486880426964, 'n_estimators': 250, 'subsample': 0.9418956753743405}
Epoch : 1251: f1_weighted Score 0.814 params {'colsample_bytree': 0.41804846480358504, 'gamma': 0.70558195648601, 'learning_rate': 0.012592796595209284, 'max_depth': 19, 'min_child_weight': 5.120728875039839, 'n_estimators': 225, 'subsample': 0.9459743752301139}
Epoch : 1252: f1_weighted Score 0.812 params {'colsample_bytree': 0.3656176101491332, 'gamma': 0.3833967256127712, 'learning_rate': 0.008171401787193517, 'max_depth': 20, 'min_child_weight': 6.477514817425809, 'n_estimators': 300, 'subsample': 0.9560928875381972}
Epoch : 1253: f1_weighted Score 0.814 params {'colsample_bytree': 0.4013754801817765, 'gamma': 0.679217122916024, 'learning_rate': 0.011228361306056804, 'max_depth': 13, 'min_child_weight': 3.790505379164064, 'n_estimators': 275, 'subsample': 0.8134169129338572}
Epoch : 1254: f1_weighted Score 0.803 params {'colsample_bytree': 0.5875963098825715, 'gamma': 0.48092778236763806, 'learning_rate': 0.011561189152560982, 'max_depth': 14, 'min_child_weight': 2.1765140245092773, 'n_estimators': 225, 'subsample': 0.880329852217284}
Epoch : 1255: f1_weighted Score 0.812 params {'colsample_bytree': 0.5093146854511115, 'gamma': 0.6881103390943111, 'learning_rate': 0.009889952801612449, 'max_depth': 19, 'min_child_weight': 5.607082085602999, 'n_estimators': 275, 'subsample': 0.9380472352900784}
Epoch : 1256: f1_weighted Score 0.810 params {'colsample_bytree': 0.3008284700837882, 'gamma': 0.6621789180316333, 'learning_rate': 0.009840716270796204, 'max_depth': 7, 'min_child_weight': 5.1600083722528325, 'n_estimators': 325, 'subsample': 0.9270270739618496}
Epoch : 1257: f1_weighted Score 0.810 params {'colsample_bytree': 0.3201983784536783, 'gamma': 0.5682665135045853, 'learning_rate': 0.006783320680203646, 'max_depth': 18, 'min_child_weight': 6.648329411351757, 'n_estimators': 400, 'subsample': 0.9790486764665846}
Epoch : 1258: f1_weighted Score 0.810 params {'colsample_bytree': 0.3750324532046815, 'gamma': 0.13910845369574265, 'learning_rate': 0.005013850357750381, 'max_depth': 20, 'min_child_weight': 6.181515506515115, 'n_estimators': 450, 'subsample': 0.9795175760733137}
Epoch : 1259: f1_weighted Score 0.811 params {'colsample_bytree': 0.4263459491166357, 'gamma': 0.4895802835352958, 'learning_rate': 0.007440418512926204, 'max_depth': 14, 'min_child_weight': 3.2515337455854745, 'n_estimators': 350, 'subsample': 0.8103651920687232}
Epoch : 1260: f1_weighted Score 0.812 params {'colsample_bytree': 0.7314157958464622, 'gamma': 0.6408788427892792, 'learning_rate': 0.007721875330375559, 'max_depth': 2, 'min_child_weight': 4.5754164998019995, 'n_estimators': 275, 'subsample': 0.9267567255110005}
Epoch : 1261: f1_weighted Score 0.801 params {'colsample_bytree': 0.3972129734552395, 'gamma': 0.7235609630112251, 'learning_rate': 0.010604967121180855, 'max_depth': 16, 'min_child_weight': 2.364085765402118, 'n_estimators': 300, 'subsample': 0.9627488997694317}
Epoch : 1262: f1_weighted Score 0.809 params {'colsample_bytree': 0.4869354593084772, 'gamma': 0.7675690994582597, 'learning_rate': 0.00843473003197131, 'max_depth': 20, 'min_child_weight': 4.910138315093318, 'n_estimators': 375, 'subsample': 0.9824626860556256}
Epoch : 1263: f1_weighted Score 0.812 params {'colsample_bytree': 0.33719136564119573, 'gamma': 0.07260742389723178, 'learning_rate': 0.00633255130732888, 'max_depth': 20, 'min_child_weight': 6.233361629610672, 'n_estimators': 475, 'subsample': 0.9516457397850151}
Epoch : 1264: f1_weighted Score 0.812 params {'colsample_bytree': 0.3600636965538713, 'gamma': 0.5967633505054541, 'learning_rate': 0.005349519377485192, 'max_depth': 8, 'min_child_weight': 5.925992558958509, 'n_estimators': 550, 'subsample': 0.9345812737362985}
Epoch : 1265: f1_weighted Score 0.812 params {'colsample_bytree': 0.35547739542288315, 'gamma': 0.5293734196469118, 'learning_rate': 0.0057193087162446445, 'max_depth': 7, 'min_child_weight': 6.002133163220425, 'n_estimators': 650, 'subsample': 0.9441711907028881}
Epoch : 1266: f1_weighted Score 0.808 params {'colsample_bytree': 0.3124754091064149, 'gamma': 0.6172083302522969, 'learning_rate': 0.009310903633041054, 'max_depth': 5, 'min_child_weight': 4.497240535331034, 'n_estimators': 400, 'subsample': 0.9080956247226333}
Epoch : 1267: f1_weighted Score 0.781 params {'colsample_bytree': 0.41678396441018206, 'gamma': 0.3168206674785911, 'learning_rate': 0.10205034432929916, 'max_depth': 20, 'min_child_weight': 4.685409554881764, 'n_estimators': 400, 'subsample': 0.9568283668743959}
Epoch : 1268: f1_weighted Score 0.810 params {'colsample_bytree': 0.3285221783278022, 'gamma': 0.5777169207297099, 'learning_rate': 0.005571406342973945, 'max_depth': 20, 'min_child_weight': 5.37443102066068, 'n_estimators': 525, 'subsample': 0.9510973882364108}
Epoch : 1269: f1_weighted Score 0.806 params {'colsample_bytree': 0.3145541875388719, 'gamma': 0.16124120503041287, 'learning_rate': 0.007149682534394203, 'max_depth': 14, 'min_child_weight': 3.716529729875844, 'n_estimators': 350, 'subsample': 0.9177870669520319}
Epoch : 1270: f1_weighted Score 0.812 params {'colsample_bytree': 0.4053503091010163, 'gamma': 0.6838556778056947, 'learning_rate': 0.01277619960808771, 'max_depth': 17, 'min_child_weight': 6.386175946811336, 'n_estimators': 300, 'subsample': 0.9199866258812938}
Epoch : 1271: f1_weighted Score 0.810 params {'colsample_bytree': 0.3386235603250765, 'gamma': 0.12092717733551447, 'learning_rate': 0.005005820462131181, 'max_depth': 10, 'min_child_weight': 4.05735833651924, 'n_estimators': 500, 'subsample': 0.8479450826858586}
Epoch : 1272: f1_weighted Score 0.812 params {'colsample_bytree': 0.45433382971179503, 'gamma': 0.8403145389525899, 'learning_rate': 0.007950453555026674, 'max_depth': 13, 'min_child_weight': 5.130211131562095, 'n_estimators': 375, 'subsample': 0.9919816840835395}
Epoch : 1273: f1_weighted Score 0.799 params {'colsample_bytree': 0.30218826911939445, 'gamma': 0.6344133812600157, 'learning_rate': 0.015223864907971155, 'max_depth': 14, 'min_child_weight': 3.5720647463597106, 'n_estimators': 125, 'subsample': 0.8051115505953198}
Epoch : 1274: f1_weighted Score 0.812 params {'colsample_bytree': 0.47198243431157966, 'gamma': 0.9511510685089216, 'learning_rate': 0.013366886214927676, 'max_depth': 8, 'min_child_weight': 4.382638228515661, 'n_estimators': 150, 'subsample': 0.9303427799086024}
Epoch : 1275: f1_weighted Score 0.781 params {'colsample_bytree': 0.3302413906560651, 'gamma': 0.3476509558372308, 'learning_rate': 0.1472933731786333, 'max_depth': 19, 'min_child_weight': 5.035887031204746, 'n_estimators': 450, 'subsample': 0.9991142068715341}
Epoch : 1276: f1_weighted Score 0.812 params {'colsample_bytree': 0.39426424661078746, 'gamma': 0.9730443724730468, 'learning_rate': 0.006007477597400475, 'max_depth': 9, 'min_child_weight': 6.261479465273338, 'n_estimators': 575, 'subsample': 0.9639142773719914}
Epoch : 1277: f1_weighted Score 0.803 params {'colsample_bytree': 0.5274872041725612, 'gamma': 0.6422358653142597, 'learning_rate': 0.011669294902446108, 'max_depth': 15, 'min_child_weight': 2.6416331659033268, 'n_estimators': 200, 'subsample': 0.9469593513089463}
Epoch : 1278: f1_weighted Score 0.812 params {'colsample_bytree': 0.43998418914964127, 'gamma': 0.8057500772131808, 'learning_rate': 0.01435116416354197, 'max_depth': 11, 'min_child_weight': 4.5558941276489575, 'n_estimators': 175, 'subsample': 0.9363536030974826}
Epoch : 1279: f1_weighted Score 0.812 params {'colsample_bytree': 0.43241821878879255, 'gamma': 0.9420040946627872, 'learning_rate': 0.008118941708440724, 'max_depth': 17, 'min_child_weight': 7.179080520139009, 'n_estimators': 475, 'subsample': 0.9532664273233736}
Epoch : 1280: f1_weighted Score 0.812 params {'colsample_bytree': 0.39920164044534956, 'gamma': 0.19394605475984344, 'learning_rate': 0.00698708316352715, 'max_depth': 17, 'min_child_weight': 7.841001819361187, 'n_estimators': 625, 'subsample': 0.9496803719800798}
Epoch : 1281: f1_weighted Score 0.802 params {'colsample_bytree': 0.37795194689035894, 'gamma': 0.28588078191711863, 'learning_rate': 0.010359911749583867, 'max_depth': 16, 'min_child_weight': 6.836913322130869, 'n_estimators': 1350, 'subsample': 0.9571217080433123}
Epoch : 1282: f1_weighted Score 0.812 params {'colsample_bytree': 0.43068874842583443, 'gamma': 0.03333481226643306, 'learning_rate': 0.009157660811925438, 'max_depth': 19, 'min_child_weight': 5.405054282469621, 'n_estimators': 100, 'subsample': 0.913193573891911}
Epoch : 1283: f1_weighted Score 0.809 params {'colsample_bytree': 0.40845830511569087, 'gamma': 0.66161240371082, 'learning_rate': 0.008306114012080411, 'max_depth': 18, 'min_child_weight': 5.638421961838475, 'n_estimators': 550, 'subsample': 0.9457862752988999}
Epoch : 1284: f1_weighted Score 0.812 params {'colsample_bytree': 0.44383851597449964, 'gamma': 0.8694777023480461, 'learning_rate': 0.019616919560588607, 'max_depth': 18, 'min_child_weight': 5.792543484974224, 'n_estimators': 100, 'subsample': 0.9178016428522427}
Epoch : 1285: f1_weighted Score 0.814 params {'colsample_bytree': 0.40984105954453554, 'gamma': 0.888174322004924, 'learning_rate': 0.008761746245015816, 'max_depth': 20, 'min_child_weight': 5.266427914450763, 'n_estimators': 350, 'subsample': 0.9757334604145623}
Epoch : 1286: f1_weighted Score 0.812 params {'colsample_bytree': 0.3837589108815021, 'gamma': 0.9669597887907074, 'learning_rate': 0.0061531234171709, 'max_depth': 2, 'min_child_weight': 6.086408780634816, 'n_estimators': 550, 'subsample': 0.9722340427815468}
Epoch : 1287: f1_weighted Score 0.812 params {'colsample_bytree': 0.4977027265248364, 'gamma': 0.5560721251373502, 'learning_rate': 0.012425811409877521, 'max_depth': 12, 'min_child_weight': 5.811199085201597, 'n_estimators': 250, 'subsample': 0.9934350082504649}
Epoch : 1288: f1_weighted Score 0.809 params {'colsample_bytree': 0.6519529551113049, 'gamma': 0.6991604733115003, 'learning_rate': 0.009464635639174974, 'max_depth': 17, 'min_child_weight': 4.896925849482501, 'n_estimators': 325, 'subsample': 0.9546670165962153}
Epoch : 1289: f1_weighted Score 0.812 params {'colsample_bytree': 0.38269552511288474, 'gamma': 0.606313541814693, 'learning_rate': 0.017100257351988658, 'max_depth': 17, 'min_child_weight': 7.067765698923015, 'n_estimators': 150, 'subsample': 0.9486908741683856}
Epoch : 1290: f1_weighted Score 0.812 params {'colsample_bytree': 0.364495921139388, 'gamma': 0.6182851004626448, 'learning_rate': 0.005546761994850753, 'max_depth': 13, 'min_child_weight': 6.501479952819269, 'n_estimators': 525, 'subsample': 0.9443798292728041}
Epoch : 1291: f1_weighted Score 0.814 params {'colsample_bytree': 0.33919387307705784, 'gamma': 0.05666473298988059, 'learning_rate': 0.006383224758025921, 'max_depth': 20, 'min_child_weight': 6.280666179531323, 'n_estimators': 450, 'subsample': 0.9699085936702557}
Epoch : 1292: f1_weighted Score 0.812 params {'colsample_bytree': 0.354578651489996, 'gamma': 0.9320290615651178, 'learning_rate': 0.006564095111744417, 'max_depth': 20, 'min_child_weight': 6.501471291306936, 'n_estimators': 475, 'subsample': 0.9697552458209164}
Epoch : 1293: f1_weighted Score 0.795 params {'colsample_bytree': 0.7105379419833351, 'gamma': 0.22778852111742212, 'learning_rate': 0.020766090981881594, 'max_depth': 9, 'min_child_weight': 4.250176855433696, 'n_estimators': 675, 'subsample': 0.983259466802864}
Epoch : 1294: f1_weighted Score 0.809 params {'colsample_bytree': 0.5148740822798317, 'gamma': 0.7491122059799376, 'learning_rate': 0.007368130788068265, 'max_depth': 19, 'min_child_weight': 4.415758823195415, 'n_estimators': 400, 'subsample': 0.9030634176863376}
Epoch : 1295: f1_weighted Score 0.808 params {'colsample_bytree': 0.4870835104124267, 'gamma': 0.40143772529149335, 'learning_rate': 0.011475316247911696, 'max_depth': 15, 'min_child_weight': 2.859131961276965, 'n_estimators': 250, 'subsample': 0.8213364158155}
Epoch : 1296: f1_weighted Score 0.809 params {'colsample_bytree': 0.42205552927397877, 'gamma': 0.8789445903025606, 'learning_rate': 0.015165670970286755, 'max_depth': 17, 'min_child_weight': 3.965258395345108, 'n_estimators': 200, 'subsample': 0.9712724891099483}
Epoch : 1297: f1_weighted Score 0.814 params {'colsample_bytree': 0.34343083942035024, 'gamma': 0.03160365111389729, 'learning_rate': 0.008613421079048169, 'max_depth': 20, 'min_child_weight': 5.708327727127062, 'n_estimators': 375, 'subsample': 0.962879912014169}
Epoch : 1298: f1_weighted Score 0.814 params {'colsample_bytree': 0.34457329630552824, 'gamma': 0.10037568190704066, 'learning_rate': 0.006880095582953409, 'max_depth': 20, 'min_child_weight': 5.11575759970832, 'n_estimators': 375, 'subsample': 0.9968522506458046}
Epoch : 1299: f1_weighted Score 0.810 params {'colsample_bytree': 0.3473509286899361, 'gamma': 0.3016048526152703, 'learning_rate': 0.005797894266629742, 'max_depth': 20, 'min_child_weight': 5.069699194461807, 'n_estimators': 425, 'subsample': 0.9969981897392551}
Epoch : 1300: f1_weighted Score 0.814 params {'colsample_bytree': 0.41999616281298213, 'gamma': 0.8282902919710734, 'learning_rate': 0.006196988905804196, 'max_depth': 12, 'min_child_weight': 5.463708588714234, 'n_estimators': 425, 'subsample': 0.9873389603245651}
Epoch : 1301: f1_weighted Score 0.809 params {'colsample_bytree': 0.46468458364397974, 'gamma': 0.8585422170468217, 'learning_rate': 0.013069767382009266, 'max_depth': 18, 'min_child_weight': 5.317272944790962, 'n_estimators': 250, 'subsample': 0.9858902445078259}
Epoch : 1302: f1_weighted Score 0.812 params {'colsample_bytree': 0.39708787413176033, 'gamma': 0.7146339960314002, 'learning_rate': 0.007841366137946467, 'max_depth': 13, 'min_child_weight': 3.2735628866414146, 'n_estimators': 300, 'subsample': 0.8069810338473031}
Epoch : 1303: f1_weighted Score 0.811 params {'colsample_bytree': 0.39017583629856906, 'gamma': 0.5157740818049414, 'learning_rate': 0.0074974197848625855, 'max_depth': 13, 'min_child_weight': 3.86316141191254, 'n_estimators': 425, 'subsample': 0.8617316084076218}
Epoch : 1304: f1_weighted Score 0.811 params {'colsample_bytree': 0.4423787335365222, 'gamma': 0.7939556654153489, 'learning_rate': 0.0106988586330061, 'max_depth': 19, 'min_child_weight': 4.92069394527538, 'n_estimators': 300, 'subsample': 0.9252071556146253}
Epoch : 1305: f1_weighted Score 0.814 params {'colsample_bytree': 0.4760551130169384, 'gamma': 0.10388081746214815, 'learning_rate': 0.005417523958415128, 'max_depth': 9, 'min_child_weight': 5.40123977951075, 'n_estimators': 500, 'subsample': 0.9982242456754}
Epoch : 1306: f1_weighted Score 0.812 params {'colsample_bytree': 0.5032356130512007, 'gamma': 0.0933470449399817, 'learning_rate': 0.0070229124163248904, 'max_depth': 8, 'min_child_weight': 5.855806201243781, 'n_estimators': 350, 'subsample': 0.9893226460830451}
Epoch : 1307: f1_weighted Score 0.812 params {'colsample_bytree': 0.3663687743308661, 'gamma': 0.5207791878011951, 'learning_rate': 0.007554371156598182, 'max_depth': 20, 'min_child_weight': 5.956604714624402, 'n_estimators': 450, 'subsample': 0.9529167489202023}
Epoch : 1308: f1_weighted Score 0.812 params {'colsample_bytree': 0.45597815907056516, 'gamma': 0.7285958214591677, 'learning_rate': 0.009714215640758434, 'max_depth': 17, 'min_child_weight': 4.849018948819843, 'n_estimators': 200, 'subsample': 0.9232686819077613}
Epoch : 1309: f1_weighted Score 0.812 params {'colsample_bytree': 0.4323183734502377, 'gamma': 0.11877402666991194, 'learning_rate': 0.006725736242953935, 'max_depth': 19, 'min_child_weight': 6.802827568087467, 'n_estimators': 375, 'subsample': 0.9571905706056666}
Epoch : 1310: f1_weighted Score 0.814 params {'colsample_bytree': 0.4028096633533524, 'gamma': 0.1931435871458419, 'learning_rate': 0.005762686560992689, 'max_depth': 12, 'min_child_weight': 6.139549552764464, 'n_estimators': 500, 'subsample': 0.9797589493670129}
Epoch : 1311: f1_weighted Score 0.814 params {'colsample_bytree': 0.4067811106016279, 'gamma': 0.7714477752085455, 'learning_rate': 0.008649406580647572, 'max_depth': 12, 'min_child_weight': 3.8711187792005237, 'n_estimators': 325, 'subsample': 0.8218731159506217}
Epoch : 1312: f1_weighted Score 0.812 params {'colsample_bytree': 0.3706324763747918, 'gamma': 0.1358824201666774, 'learning_rate': 0.006551631137214888, 'max_depth': 20, 'min_child_weight': 5.403502432982547, 'n_estimators': 400, 'subsample': 0.8424000052860366}
Epoch : 1313: f1_weighted Score 0.800 params {'colsample_bytree': 0.3866112616054597, 'gamma': 0.2380851540021344, 'learning_rate': 0.018413404242228072, 'max_depth': 18, 'min_child_weight': 6.237764013920803, 'n_estimators': 425, 'subsample': 0.9665270889712442}
Epoch : 1314: f1_weighted Score 0.811 params {'colsample_bytree': 0.41970060943269616, 'gamma': 0.7422315704670314, 'learning_rate': 0.009871460687921618, 'max_depth': 18, 'min_child_weight': 4.830089852154239, 'n_estimators': 300, 'subsample': 0.9663202915211153}
Epoch : 1315: f1_weighted Score 0.808 params {'colsample_bytree': 0.3513314414728696, 'gamma': 0.6844885618519265, 'learning_rate': 0.01213950307848876, 'max_depth': 15, 'min_child_weight': 4.2203422309077805, 'n_estimators': 175, 'subsample': 0.9147847107449624}
Epoch : 1316: f1_weighted Score 0.814 params {'colsample_bytree': 0.4122636834569871, 'gamma': 0.983082863491538, 'learning_rate': 0.010472678651710244, 'max_depth': 19, 'min_child_weight': 4.42401468005669, 'n_estimators': 275, 'subsample': 0.9325886781753734}
Epoch : 1317: f1_weighted Score 0.812 params {'colsample_bytree': 0.3863731307256083, 'gamma': 0.6317435123722241, 'learning_rate': 0.015358230419518646, 'max_depth': 19, 'min_child_weight': 4.616313184818325, 'n_estimators': 175, 'subsample': 0.9417057897395361}
Epoch : 1318: f1_weighted Score 0.812 params {'colsample_bytree': 0.40418452608794464, 'gamma': 0.9527244604423709, 'learning_rate': 0.009178748508463815, 'max_depth': 19, 'min_child_weight': 5.650285588810632, 'n_estimators': 350, 'subsample': 0.9006476575650805}
Epoch : 1319: f1_weighted Score 0.814 params {'colsample_bytree': 0.3797067658081494, 'gamma': 0.7684853961595459, 'learning_rate': 0.0076922336577233226, 'max_depth': 20, 'min_child_weight': 5.192334780332289, 'n_estimators': 350, 'subsample': 0.9597226575985449}
Epoch : 1320: f1_weighted Score 0.812 params {'colsample_bytree': 0.4572090101704979, 'gamma': 0.6996046248309087, 'learning_rate': 0.011185069443478413, 'max_depth': 19, 'min_child_weight': 5.311544423247572, 'n_estimators': 225, 'subsample': 0.9382543041772194}
Epoch : 1321: f1_weighted Score 0.805 params {'colsample_bytree': 0.4425920475649231, 'gamma': 0.906962273982939, 'learning_rate': 0.008153057854593294, 'max_depth': 5, 'min_child_weight': 5.618054053874273, 'n_estimators': 825, 'subsample': 0.9079716867017305}
Epoch : 1322: f1_weighted Score 0.812 params {'colsample_bytree': 0.3669608899158396, 'gamma': 0.7885024603499868, 'learning_rate': 0.008750132813643619, 'max_depth': 14, 'min_child_weight': 3.963048676260379, 'n_estimators': 325, 'subsample': 0.8047885778571786}
Epoch : 1323: f1_weighted Score 0.794 params {'colsample_bytree': 0.4411379696515558, 'gamma': 0.3534996740998625, 'learning_rate': 0.06294280196719725, 'max_depth': 18, 'min_child_weight': 4.463029181564021, 'n_estimators': 275, 'subsample': 0.8938670425394941}
Epoch : 1324: f1_weighted Score 0.812 params {'colsample_bytree': 0.40672287902219884, 'gamma': 0.8078695640699566, 'learning_rate': 0.0091014079378558, 'max_depth': 14, 'min_child_weight': 3.49883180054956, 'n_estimators': 325, 'subsample': 0.8004974755206277}
Epoch : 1325: f1_weighted Score 0.814 params {'colsample_bytree': 0.39138925528458834, 'gamma': 0.7231337532562319, 'learning_rate': 0.009893606382365116, 'max_depth': 14, 'min_child_weight': 6.020246299663422, 'n_estimators': 325, 'subsample': 0.9482625721139625}
Epoch : 1326: f1_weighted Score 0.752 params {'colsample_bytree': 0.3294411491923013, 'gamma': 0.6499882337173878, 'learning_rate': 0.016867307624286933, 'max_depth': 18, 'min_child_weight': 5.1686651317310135, 'n_estimators': 75, 'subsample': 0.927793178143227}
Epoch : 1327: f1_weighted Score 0.810 params {'colsample_bytree': 0.30228302709929317, 'gamma': 0.16522108862653645, 'learning_rate': 0.027138482073451143, 'max_depth': 20, 'min_child_weight': 5.506406431972886, 'n_estimators': 125, 'subsample': 0.9639793640678984}
Epoch : 1328: f1_weighted Score 0.814 params {'colsample_bytree': 0.35821388180029806, 'gamma': 0.6070968202760909, 'learning_rate': 0.010602812620254913, 'max_depth': 19, 'min_child_weight': 5.208489926659428, 'n_estimators': 250, 'subsample': 0.9409750710894835}
Epoch : 1329: f1_weighted Score 0.814 params {'colsample_bytree': 0.35231862022501426, 'gamma': 0.6776088602022676, 'learning_rate': 0.011069575318006107, 'max_depth': 19, 'min_child_weight': 4.723133440014079, 'n_estimators': 225, 'subsample': 0.9937070773786932}
Epoch : 1330: f1_weighted Score 0.814 params {'colsample_bytree': 0.3847026351668877, 'gamma': 0.7764432715194689, 'learning_rate': 0.009297265768115542, 'max_depth': 14, 'min_child_weight': 3.6221058644778354, 'n_estimators': 300, 'subsample': 0.8199530807618637}
Epoch : 1331: f1_weighted Score 0.811 params {'colsample_bytree': 0.3810366291959377, 'gamma': 0.8282621237248061, 'learning_rate': 0.009336873116109675, 'max_depth': 13, 'min_child_weight': 3.1438068548087896, 'n_estimators': 300, 'subsample': 0.8258555634920016}
Epoch : 1332: f1_weighted Score 0.812 params {'colsample_bytree': 0.35399817251765847, 'gamma': 0.8896538322720312, 'learning_rate': 0.007147676400948536, 'max_depth': 14, 'min_child_weight': 6.548515484764174, 'n_estimators': 475, 'subsample': 0.8046588044049612}
Epoch : 1333: f1_weighted Score 0.810 params {'colsample_bytree': 0.3198676724569902, 'gamma': 0.36464931667821077, 'learning_rate': 0.027579503111528986, 'max_depth': 18, 'min_child_weight': 5.734347077357674, 'n_estimators': 150, 'subsample': 0.9321060535928968}
Epoch : 1334: f1_weighted Score 0.814 params {'colsample_bytree': 0.4774229081676246, 'gamma': 0.6987378006350096, 'learning_rate': 0.010678181024252293, 'max_depth': 15, 'min_child_weight': 4.2850339479246395, 'n_estimators': 250, 'subsample': 0.9035857856386049}
Epoch : 1335: f1_weighted Score 0.812 params {'colsample_bytree': 0.542520163491771, 'gamma': 0.7159214682409717, 'learning_rate': 0.00829940393112893, 'max_depth': 15, 'min_child_weight': 4.187160671891446, 'n_estimators': 275, 'subsample': 0.896780225857286}
Epoch : 1336: f1_weighted Score 0.812 params {'colsample_bytree': 0.39690923061015865, 'gamma': 0.18059676633222282, 'learning_rate': 0.012044204584193478, 'max_depth': 19, 'min_child_weight': 4.961839073351235, 'n_estimators': 275, 'subsample': 0.9556452617956592}
Epoch : 1337: f1_weighted Score 0.812 params {'colsample_bytree': 0.5272461713282364, 'gamma': 0.6743458202157093, 'learning_rate': 0.00783579175463141, 'max_depth': 19, 'min_child_weight': 4.742989867259936, 'n_estimators': 375, 'subsample': 0.904114834370618}
Epoch : 1338: f1_weighted Score 0.812 params {'colsample_bytree': 0.36581536108312684, 'gamma': 0.2079198310745232, 'learning_rate': 0.005482050184306491, 'max_depth': 16, 'min_child_weight': 5.878844321731393, 'n_estimators': 400, 'subsample': 0.9853954657119172}
Epoch : 1339: f1_weighted Score 0.812 params {'colsample_bytree': 0.4204753507150102, 'gamma': 0.07887638631212968, 'learning_rate': 0.005038961835432486, 'max_depth': 15, 'min_child_weight': 4.8901234271392005, 'n_estimators': 575, 'subsample': 0.9612171394038544}
Epoch : 1340: f1_weighted Score 0.812 params {'colsample_bytree': 0.4096869768941553, 'gamma': 0.2747663116305383, 'learning_rate': 0.009966591588670057, 'max_depth': 17, 'min_child_weight': 5.547524639088119, 'n_estimators': 200, 'subsample': 0.9778991676102414}
Epoch : 1341: f1_weighted Score 0.803 params {'colsample_bytree': 0.3327016031638388, 'gamma': 0.2583211656644308, 'learning_rate': 0.022640545752524933, 'max_depth': 18, 'min_child_weight': 3.4397012661238016, 'n_estimators': 175, 'subsample': 0.9329564939359466}
Epoch : 1342: f1_weighted Score 0.812 params {'colsample_bytree': 0.3552764036311097, 'gamma': 0.7376184531724179, 'learning_rate': 0.009768738235161395, 'max_depth': 19, 'min_child_weight': 4.720220144504947, 'n_estimators': 325, 'subsample': 0.9259166869929076}
Epoch : 1343: f1_weighted Score 0.809 params {'colsample_bytree': 0.4214676649286984, 'gamma': 0.7522261604511808, 'learning_rate': 0.008784645033806432, 'max_depth': 18, 'min_child_weight': 4.570610693461616, 'n_estimators': 400, 'subsample': 0.9114862467240878}
Epoch : 1344: f1_weighted Score 0.812 params {'colsample_bytree': 0.37098843151086014, 'gamma': 0.175402238257429, 'learning_rate': 0.005719812324996925, 'max_depth': 15, 'min_child_weight': 6.521186834047984, 'n_estimators': 650, 'subsample': 0.8605001982593266}
Epoch : 1345: f1_weighted Score 0.812 params {'colsample_bytree': 0.36961396624536685, 'gamma': 0.21289130524760028, 'learning_rate': 0.00730486697097261, 'max_depth': 16, 'min_child_weight': 6.067513655778602, 'n_estimators': 375, 'subsample': 0.9846133239938897}
Epoch : 1346: f1_weighted Score 0.812 params {'colsample_bytree': 0.39102687059640096, 'gamma': 0.6555082977327613, 'learning_rate': 0.012542825945012529, 'max_depth': 13, 'min_child_weight': 5.680028755425684, 'n_estimators': 225, 'subsample': 0.9270802140306329}
Epoch : 1347: f1_weighted Score 0.812 params {'colsample_bytree': 0.38711340397005223, 'gamma': 0.6551356129329039, 'learning_rate': 0.013607269548165952, 'max_depth': 12, 'min_child_weight': 5.894180851844719, 'n_estimators': 250, 'subsample': 0.9203230505508824}
Epoch : 1348: f1_weighted Score 0.792 params {'colsample_bytree': 0.4245427787336739, 'gamma': 0.6880553644253158, 'learning_rate': 0.011236685938576414, 'max_depth': 20, 'min_child_weight': 1.2522856091028163, 'n_estimators': 350, 'subsample': 0.9990922591789764}
Epoch : 1349: f1_weighted Score 0.810 params {'colsample_bytree': 0.31843946804232703, 'gamma': 0.05154558152775483, 'learning_rate': 0.006405176786513261, 'max_depth': 18, 'min_child_weight': 5.534135492443636, 'n_estimators': 475, 'subsample': 0.990342883973095}
Epoch : 1350: f1_weighted Score 0.811 params {'colsample_bytree': 0.43305306284269396, 'gamma': 0.9110934617300803, 'learning_rate': 0.00615496722026303, 'max_depth': 11, 'min_child_weight': 4.427905234074311, 'n_estimators': 575, 'subsample': 0.8081804977771382}
Epoch : 1351: f1_weighted Score 0.812 params {'colsample_bytree': 0.3739995518625251, 'gamma': 0.08888383453530344, 'learning_rate': 0.007550023617856106, 'max_depth': 20, 'min_child_weight': 5.319940200311503, 'n_estimators': 350, 'subsample': 0.9781893298032396}
Epoch : 1352: f1_weighted Score 0.800 params {'colsample_bytree': 0.46901387906720265, 'gamma': 0.01213060442194882, 'learning_rate': 0.013738266299579908, 'max_depth': 14, 'min_child_weight': 1.9619640671319944, 'n_estimators': 225, 'subsample': 0.8299112793666903}
Epoch : 1353: f1_weighted Score 0.812 params {'colsample_bytree': 0.42628796136473934, 'gamma': 0.8232653438984704, 'learning_rate': 0.006180275478189677, 'max_depth': 12, 'min_child_weight': 6.1033216957132295, 'n_estimators': 500, 'subsample': 0.9720705532918765}
Epoch : 1354: f1_weighted Score 0.812 params {'colsample_bytree': 0.3451584918855469, 'gamma': 0.2376914984803467, 'learning_rate': 0.005021525363750816, 'max_depth': 16, 'min_child_weight': 6.370204998707879, 'n_estimators': 375, 'subsample': 0.9931395703369051}
Epoch : 1355: f1_weighted Score 0.812 params {'colsample_bytree': 0.33389922596607674, 'gamma': 0.49875676304042965, 'learning_rate': 0.006703488648402814, 'max_depth': 14, 'min_child_weight': 5.330295644250823, 'n_estimators': 525, 'subsample': 0.8891531387640648}
Epoch : 1356: f1_weighted Score 0.814 params {'colsample_bytree': 0.4118456092594976, 'gamma': 0.8600744973153103, 'learning_rate': 0.00811604766759401, 'max_depth': 17, 'min_child_weight': 4.348591871430815, 'n_estimators': 300, 'subsample': 0.9830557901549407}
Epoch : 1357: f1_weighted Score 0.814 params {'colsample_bytree': 0.37414474138182585, 'gamma': 0.8475975053058361, 'learning_rate': 0.008019704070224721, 'max_depth': 20, 'min_child_weight': 5.050245507486603, 'n_estimators': 375, 'subsample': 0.9991982190594862}
Epoch : 1358: f1_weighted Score 0.799 params {'colsample_bytree': 0.36293086668495017, 'gamma': 0.9829821415517653, 'learning_rate': 0.017292676696337193, 'max_depth': 4, 'min_child_weight': 5.098286423801956, 'n_estimators': 625, 'subsample': 0.884860041142994}
Epoch : 1359: f1_weighted Score 0.812 params {'colsample_bytree': 0.45025511655830325, 'gamma': 0.7494644129553687, 'learning_rate': 0.010351133396654747, 'max_depth': 19, 'min_child_weight': 4.677795906670363, 'n_estimators': 275, 'subsample': 0.917408154272073}
Epoch : 1360: f1_weighted Score 0.810 params {'colsample_bytree': 0.33133771409945395, 'gamma': 0.5460669061985417, 'learning_rate': 0.008614316177907281, 'max_depth': 17, 'min_child_weight': 4.064137575099153, 'n_estimators': 325, 'subsample': 0.8175081524236143}
Epoch : 1361: f1_weighted Score 0.810 params {'colsample_bytree': 0.3491042391587739, 'gamma': 0.050362988193066185, 'learning_rate': 0.005150760857969621, 'max_depth': 20, 'min_child_weight': 5.102609474637799, 'n_estimators': 450, 'subsample': 0.9508422004365816}
Epoch : 1362: f1_weighted Score 0.810 params {'colsample_bytree': 0.31331007030666524, 'gamma': 0.5999216490667771, 'learning_rate': 0.007179802116302122, 'max_depth': 10, 'min_child_weight': 6.267910760574902, 'n_estimators': 450, 'subsample': 0.9633859799421944}
Epoch : 1363: f1_weighted Score 0.812 params {'colsample_bytree': 0.4035294185628127, 'gamma': 0.00032263454963539495, 'learning_rate': 0.0056666437988943524, 'max_depth': 9, 'min_child_weight': 5.70171529572868, 'n_estimators': 500, 'subsample': 0.982156279664789}
Epoch : 1364: f1_weighted Score 0.791 params {'colsample_bytree': 0.39903655683632594, 'gamma': 0.9281536177377665, 'learning_rate': 0.0913197553187885, 'max_depth': 20, 'min_child_weight': 5.267552749631987, 'n_estimators': 425, 'subsample': 0.9764208558855754}
Epoch : 1365: f1_weighted Score 0.812 params {'colsample_bytree': 0.48485854223408614, 'gamma': 0.28565500367651747, 'learning_rate': 0.012202022381844225, 'max_depth': 16, 'min_child_weight': 5.438948107995632, 'n_estimators': 225, 'subsample': 0.9750008807146735}
Epoch : 1366: f1_weighted Score 0.814 params {'colsample_bytree': 0.41421815638325493, 'gamma': 0.9963544112868062, 'learning_rate': 0.0072877473965479245, 'max_depth': 19, 'min_child_weight': 4.8885019813942945, 'n_estimators': 400, 'subsample': 0.9749343416169876}
Epoch : 1367: f1_weighted Score 0.814 params {'colsample_bytree': 0.38683603018834384, 'gamma': 0.673143498669271, 'learning_rate': 0.009090915555734835, 'max_depth': 19, 'min_child_weight': 5.770301757738549, 'n_estimators': 350, 'subsample': 0.9703390052352783}
Epoch : 1368: f1_weighted Score 0.812 params {'colsample_bytree': 0.38565336196320105, 'gamma': 0.21049919320670116, 'learning_rate': 0.005417570381357677, 'max_depth': 20, 'min_child_weight': 6.187946798750947, 'n_estimators': 525, 'subsample': 0.9698274624721612}
Epoch : 1369: f1_weighted Score 0.811 params {'colsample_bytree': 0.32298487199402137, 'gamma': 0.7954182142737503, 'learning_rate': 0.02153731456043001, 'max_depth': 20, 'min_child_weight': 4.848833103654185, 'n_estimators': 200, 'subsample': 0.9662946382708019}
Epoch : 1370: f1_weighted Score 0.809 params {'colsample_bytree': 0.4024917975385208, 'gamma': 0.25729510692843377, 'learning_rate': 0.006517851291981495, 'max_depth': 13, 'min_child_weight': 3.010974888823383, 'n_estimators': 400, 'subsample': 0.8312206907786306}
Epoch : 1371: f1_weighted Score 0.810 params {'colsample_bytree': 0.5855499476418433, 'gamma': 0.09870676023566817, 'learning_rate': 0.005253932553817752, 'max_depth': 9, 'min_child_weight': 5.319285912848459, 'n_estimators': 525, 'subsample': 0.9883710199352033}
Epoch : 1372: f1_weighted Score 0.811 params {'colsample_bytree': 0.43852059604207266, 'gamma': 0.8460246389782246, 'learning_rate': 0.005062889819729043, 'max_depth': 20, 'min_child_weight': 4.198265303298125, 'n_estimators': 575, 'subsample': 0.9429667744384278}
Epoch : 1373: f1_weighted Score 0.810 params {'colsample_bytree': 0.30021371114310946, 'gamma': 0.028892494145793302, 'learning_rate': 0.00582291350914086, 'max_depth': 20, 'min_child_weight': 5.5209269491929485, 'n_estimators': 450, 'subsample': 0.9847566502355158}
Epoch : 1374: f1_weighted Score 0.810 params {'colsample_bytree': 0.3163096229971457, 'gamma': 0.4671168359511664, 'learning_rate': 0.009374621843137402, 'max_depth': 16, 'min_child_weight': 5.971002149783858, 'n_estimators': 250, 'subsample': 0.838437394457135}
Epoch : 1375: f1_weighted Score 0.810 params {'colsample_bytree': 0.3006738864100825, 'gamma': 0.08850168825174794, 'learning_rate': 0.006665182564563702, 'max_depth': 18, 'min_child_weight': 6.797156160142306, 'n_estimators': 425, 'subsample': 0.9732044966279322}
Epoch : 1376: f1_weighted Score 0.806 params {'colsample_bytree': 0.301426320927525, 'gamma': 0.015318503599919587, 'learning_rate': 0.006862005595354125, 'max_depth': 11, 'min_child_weight': 3.613630382685262, 'n_estimators': 375, 'subsample': 0.8126416146311821}
Epoch : 1377: f1_weighted Score 0.812 params {'colsample_bytree': 0.34207651593984445, 'gamma': 0.11466326690772596, 'learning_rate': 0.006244702911037597, 'max_depth': 9, 'min_child_weight': 5.212755723329236, 'n_estimators': 400, 'subsample': 0.9955499233293686}
Epoch : 1378: f1_weighted Score 0.810 params {'colsample_bytree': 0.3397545601552658, 'gamma': 0.3287819567429051, 'learning_rate': 0.006298239565264334, 'max_depth': 13, 'min_child_weight': 6.665734532942829, 'n_estimators': 475, 'subsample': 0.9368033533321285}
Epoch : 1379: f1_weighted Score 0.814 params {'colsample_bytree': 0.3991004046640893, 'gamma': 0.8119426309253178, 'learning_rate': 0.008611442359871638, 'max_depth': 20, 'min_child_weight': 4.599632159712563, 'n_estimators': 350, 'subsample': 0.9210164898702862}
Epoch : 1380: f1_weighted Score 0.790 params {'colsample_bytree': 0.4106078140732939, 'gamma': 0.8780104069159814, 'learning_rate': 0.03702235510869741, 'max_depth': 20, 'min_child_weight': 4.671857325922953, 'n_estimators': 350, 'subsample': 0.9608231621293021}
Epoch : 1381: f1_weighted Score 0.797 params {'colsample_bytree': 0.31857544929544046, 'gamma': 0.6213634741640205, 'learning_rate': 0.016360212789417416, 'max_depth': 19, 'min_child_weight': 4.985629074583739, 'n_estimators': 150, 'subsample': 0.9240889856624724}
Epoch : 1382: f1_weighted Score 0.806 params {'colsample_bytree': 0.453937284343566, 'gamma': 0.6986277599984383, 'learning_rate': 0.013089065315209675, 'max_depth': 12, 'min_child_weight': 1.0355982337076015, 'n_estimators': 125, 'subsample': 0.9324969586176451}
Epoch : 1383: f1_weighted Score 0.810 params {'colsample_bytree': 0.431487877979318, 'gamma': 0.6320039603171881, 'learning_rate': 0.014596042700502848, 'max_depth': 12, 'min_child_weight': 5.868326435939066, 'n_estimators': 200, 'subsample': 0.9352729862731453}
Epoch : 1384: f1_weighted Score 0.802 params {'colsample_bytree': 0.32898936843829424, 'gamma': 0.04618471533158342, 'learning_rate': 0.0239173222223757, 'max_depth': 11, 'min_child_weight': 5.619791991994447, 'n_estimators': 475, 'subsample': 0.8253409176735453}
Epoch : 1385: f1_weighted Score 0.809 params {'colsample_bytree': 0.3756223782668268, 'gamma': 0.7278393364952209, 'learning_rate': 0.011482447244835454, 'max_depth': 13, 'min_child_weight': 3.359862441582927, 'n_estimators': 300, 'subsample': 0.8332203625642803}
Epoch : 1386: f1_weighted Score 0.794 params {'colsample_bytree': 0.49949146871450256, 'gamma': 0.0757305503094875, 'learning_rate': 0.005873643417338442, 'max_depth': 10, 'min_child_weight': 3.940424884656128, 'n_estimators': 1150, 'subsample': 0.8910885597368522}
Epoch : 1387: f1_weighted Score 0.812 params {'colsample_bytree': 0.46414705899143754, 'gamma': 0.7089699593832428, 'learning_rate': 0.009363617331999693, 'max_depth': 17, 'min_child_weight': 5.540807653174569, 'n_estimators': 325, 'subsample': 0.981695604294334}
Epoch : 1388: f1_weighted Score 0.811 params {'colsample_bytree': 0.3426116454611043, 'gamma': 0.06361683708793853, 'learning_rate': 0.0068539396773648655, 'max_depth': 9, 'min_child_weight': 5.030725710573299, 'n_estimators': 450, 'subsample': 0.996340756224834}
Epoch : 1389: f1_weighted Score 0.809 params {'colsample_bytree': 0.9927985959272837, 'gamma': 0.8017916414807932, 'learning_rate': 0.00816488108511935, 'max_depth': 14, 'min_child_weight': 3.1828206279950972, 'n_estimators': 300, 'subsample': 0.8236486475704171}
Epoch : 1390: f1_weighted Score 0.809 params {'colsample_bytree': 0.5198593940067127, 'gamma': 0.03707813572355931, 'learning_rate': 0.007495388076558872, 'max_depth': 8, 'min_child_weight': 5.782474386828824, 'n_estimators': 425, 'subsample': 0.9977596714481395}
Epoch : 1391: f1_weighted Score 0.809 params {'colsample_bytree': 0.420088614243266, 'gamma': 0.8246672173378592, 'learning_rate': 0.007637666141100922, 'max_depth': 12, 'min_child_weight': 4.0474289661313065, 'n_estimators': 500, 'subsample': 0.8285511950730541}
Epoch : 1392: f1_weighted Score 0.809 params {'colsample_bytree': 0.3699158639683948, 'gamma': 0.7242684257420101, 'learning_rate': 0.009989819139217223, 'max_depth': 11, 'min_child_weight': 2.7081947999049505, 'n_estimators': 325, 'subsample': 0.8161667835172369}
Epoch : 1393: f1_weighted Score 0.812 params {'colsample_bytree': 0.46168116064467357, 'gamma': 0.7708543974715827, 'learning_rate': 0.010559538424776728, 'max_depth': 11, 'min_child_weight': 3.786172568122775, 'n_estimators': 175, 'subsample': 0.8164858153331295}
Epoch : 1394: f1_weighted Score 0.812 params {'colsample_bytree': 0.361312462492816, 'gamma': 0.7818657732087935, 'learning_rate': 0.007512971502564102, 'max_depth': 14, 'min_child_weight': 5.966482456703701, 'n_estimators': 325, 'subsample': 0.9679083267676264}
Epoch : 1395: f1_weighted Score 0.809 params {'colsample_bytree': 0.42992797467565674, 'gamma': 0.761864323427309, 'learning_rate': 0.005564067296501198, 'max_depth': 11, 'min_child_weight': 4.178080103107785, 'n_estimators': 650, 'subsample': 0.8347296908608036}
Epoch : 1396: f1_weighted Score 0.802 params {'colsample_bytree': 0.3302267663166886, 'gamma': 0.5646868488538277, 'learning_rate': 0.01078389907391441, 'max_depth': 14, 'min_child_weight': 4.707206183593753, 'n_estimators': 700, 'subsample': 0.900425350377408}
Epoch : 1397: f1_weighted Score 0.814 params {'colsample_bytree': 0.3552524130435083, 'gamma': 0.05661533791445778, 'learning_rate': 0.006220797315354234, 'max_depth': 10, 'min_child_weight': 5.324865015028476, 'n_estimators': 550, 'subsample': 0.800624830762381}
Epoch : 1398: f1_weighted Score 0.808 params {'colsample_bytree': 0.4725943423178206, 'gamma': 0.10502913901162975, 'learning_rate': 0.005737945546403774, 'max_depth': 10, 'min_child_weight': 4.43990612695543, 'n_estimators': 500, 'subsample': 0.9963772971822525}
Epoch : 1399: f1_weighted Score 0.814 params {'colsample_bytree': 0.3840866979232367, 'gamma': 0.9205498446018183, 'learning_rate': 0.006725675988606753, 'max_depth': 10, 'min_child_weight': 5.016516849543039, 'n_estimators': 450, 'subsample': 0.9645078888059386}
Epoch : 1400: f1_weighted Score 0.812 params {'colsample_bytree': 0.44812327775185345, 'gamma': 0.6435200429309808, 'learning_rate': 0.00966788832238648, 'max_depth': 2, 'min_child_weight': 5.617733155872045, 'n_estimators': 275, 'subsample': 0.9460014577774978}
Epoch : 1401: f1_weighted Score 0.812 params {'colsample_bytree': 0.41553311303863794, 'gamma': 0.7002850068745676, 'learning_rate': 0.008275042719301509, 'max_depth': 20, 'min_child_weight': 4.431597037611966, 'n_estimators': 275, 'subsample': 0.9510044800577551}
Epoch : 1402: f1_weighted Score 0.797 params {'colsample_bytree': 0.9161857927041261, 'gamma': 0.765578068812877, 'learning_rate': 0.012758208136267445, 'max_depth': 13, 'min_child_weight': 6.343866371895158, 'n_estimators': 750, 'subsample': 0.8102462609969904}
Epoch : 1403: f1_weighted Score 0.812 params {'colsample_bytree': 0.4367479788198735, 'gamma': 0.14922944723905499, 'learning_rate': 0.005012846032529846, 'max_depth': 12, 'min_child_weight': 3.827735049829972, 'n_estimators': 350, 'subsample': 0.939628587350499}
Epoch : 1404: f1_weighted Score 0.812 params {'colsample_bytree': 0.42356295719566867, 'gamma': 0.8025566422247733, 'learning_rate': 0.012186570551125474, 'max_depth': 19, 'min_child_weight': 4.267382380581208, 'n_estimators': 225, 'subsample': 0.836024871258407}
Epoch : 1405: f1_weighted Score 0.812 params {'colsample_bytree': 0.37839424689957873, 'gamma': 0.1380971674214802, 'learning_rate': 0.005439151751118739, 'max_depth': 20, 'min_child_weight': 5.9148388528865485, 'n_estimators': 525, 'subsample': 0.95514179978555}
Epoch : 1406: f1_weighted Score 0.814 params {'colsample_bytree': 0.35634960936487176, 'gamma': 0.8429737433421499, 'learning_rate': 0.005070393933169144, 'max_depth': 12, 'min_child_weight': 4.646527805772046, 'n_estimators': 600, 'subsample': 0.8670610307873144}
Epoch : 1407: f1_weighted Score 0.808 params {'colsample_bytree': 0.41255649594762644, 'gamma': 0.7370759951963558, 'learning_rate': 0.014397486718421443, 'max_depth': 19, 'min_child_weight': 4.050532980479666, 'n_estimators': 150, 'subsample': 0.9178739451670905}
Epoch : 1408: f1_weighted Score 0.808 params {'colsample_bytree': 0.484843408413803, 'gamma': 0.11329269301016905, 'learning_rate': 0.007084418207862687, 'max_depth': 10, 'min_child_weight': 3.893728341724847, 'n_estimators': 475, 'subsample': 0.9081050925417804}
Epoch : 1409: f1_weighted Score 0.808 params {'colsample_bytree': 0.6293221915209998, 'gamma': 0.5794737861417301, 'learning_rate': 0.00916144147745214, 'max_depth': 13, 'min_child_weight': 3.1211597023634066, 'n_estimators': 250, 'subsample': 0.8066104165158959}
Epoch : 1410: f1_weighted Score 0.812 params {'colsample_bytree': 0.5752375295983243, 'gamma': 0.6789734275420198, 'learning_rate': 0.010690269160346903, 'max_depth': 15, 'min_child_weight': 3.5217375886655713, 'n_estimators': 200, 'subsample': 0.8008844360883453}
Epoch : 1411: f1_weighted Score 0.809 params {'colsample_bytree': 0.4515501048069496, 'gamma': 0.7548048325778783, 'learning_rate': 0.00864054403688829, 'max_depth': 13, 'min_child_weight': 3.7827647786198346, 'n_estimators': 325, 'subsample': 0.8866553588994649}
Epoch : 1412: f1_weighted Score 0.812 params {'colsample_bytree': 0.44310074163554225, 'gamma': 0.8754204958223462, 'learning_rate': 0.008551477015557, 'max_depth': 19, 'min_child_weight': 4.866089118147393, 'n_estimators': 350, 'subsample': 0.9594592413212807}
Epoch : 1413: f1_weighted Score 0.812 params {'colsample_bytree': 0.4641100162345029, 'gamma': 0.9993454472234105, 'learning_rate': 0.008729447045351437, 'max_depth': 12, 'min_child_weight': 4.197365226532283, 'n_estimators': 225, 'subsample': 0.9094317005008453}
Epoch : 1414: f1_weighted Score 0.812 params {'colsample_bytree': 0.37286934433320695, 'gamma': 0.5361242927443621, 'learning_rate': 0.01116765674071173, 'max_depth': 18, 'min_child_weight': 6.645922013363414, 'n_estimators': 250, 'subsample': 0.9726160743002331}
Epoch : 1415: f1_weighted Score 0.810 params {'colsample_bytree': 0.3864567995579855, 'gamma': 0.8434860899343243, 'learning_rate': 0.013881076309450551, 'max_depth': 17, 'min_child_weight': 4.247977513611482, 'n_estimators': 100, 'subsample': 0.9680804792915462}
Epoch : 1416: f1_weighted Score 0.812 params {'colsample_bytree': 0.546496538647025, 'gamma': 0.0310060689818586, 'learning_rate': 0.006952596959689044, 'max_depth': 8, 'min_child_weight': 6.374525132576552, 'n_estimators': 425, 'subsample': 0.9931340918632889}
Epoch : 1417: f1_weighted Score 0.812 params {'colsample_bytree': 0.680615749255224, 'gamma': 0.14677281496828495, 'learning_rate': 0.011915875302404448, 'max_depth': 19, 'min_child_weight': 6.0228483015123135, 'n_estimators': 175, 'subsample': 0.9380031251687853}
Epoch : 1418: f1_weighted Score 0.814 params {'colsample_bytree': 0.4357026336294732, 'gamma': 0.7875260955860395, 'learning_rate': 0.007827136845908378, 'max_depth': 11, 'min_child_weight': 4.539379473809381, 'n_estimators': 325, 'subsample': 0.9415637338688737}
Epoch : 1419: f1_weighted Score 0.814 params {'colsample_bytree': 0.3392862971638966, 'gamma': 0.003955069892891752, 'learning_rate': 0.007106547233810896, 'max_depth': 11, 'min_child_weight': 5.46631662188857, 'n_estimators': 400, 'subsample': 0.9882075442387909}
Epoch : 1420: f1_weighted Score 0.814 params {'colsample_bytree': 0.3555227556117268, 'gamma': 0.6624839771427424, 'learning_rate': 0.009681701683148984, 'max_depth': 11, 'min_child_weight': 5.602875141036688, 'n_estimators': 325, 'subsample': 0.9424492600502296}
Epoch : 1421: f1_weighted Score 0.814 params {'colsample_bytree': 0.37622118775449603, 'gamma': 0.7136163138876757, 'learning_rate': 0.00994952535049267, 'max_depth': 12, 'min_child_weight': 5.197294669436969, 'n_estimators': 325, 'subsample': 0.9486705483592419}
Epoch : 1422: f1_weighted Score 0.812 params {'colsample_bytree': 0.36282329362703875, 'gamma': 0.311398079277229, 'learning_rate': 0.006170715105615194, 'max_depth': 20, 'min_child_weight': 5.182619472837463, 'n_estimators': 450, 'subsample': 0.9901292357633751}
Epoch : 1423: f1_weighted Score 0.810 params {'colsample_bytree': 0.31887291262902856, 'gamma': 0.11550737274819534, 'learning_rate': 0.007967654275498576, 'max_depth': 19, 'min_child_weight': 5.323114941330519, 'n_estimators': 375, 'subsample': 0.9443361873032541}
Epoch : 1424: f1_weighted Score 0.812 params {'colsample_bytree': 0.3948168021045127, 'gamma': 0.5578473238238061, 'learning_rate': 0.008874630805384316, 'max_depth': 18, 'min_child_weight': 6.169944742768261, 'n_estimators': 375, 'subsample': 0.9626049110879574}
Epoch : 1425: f1_weighted Score 0.812 params {'colsample_bytree': 0.47668185816579983, 'gamma': 0.06270682653172391, 'learning_rate': 0.006154284846722075, 'max_depth': 10, 'min_child_weight': 5.695070065380131, 'n_estimators': 425, 'subsample': 0.9987196135050874}
Epoch : 1426: f1_weighted Score 0.814 params {'colsample_bytree': 0.3954722756292211, 'gamma': 0.668505784995328, 'learning_rate': 0.011598191700737732, 'max_depth': 15, 'min_child_weight': 5.667102900236526, 'n_estimators': 275, 'subsample': 0.9144616526015303}
Epoch : 1427: f1_weighted Score 0.812 params {'colsample_bytree': 0.34575672874282937, 'gamma': 0.6678055781261433, 'learning_rate': 0.0069316893395889425, 'max_depth': 15, 'min_child_weight': 4.9402998335863275, 'n_estimators': 400, 'subsample': 0.9933985484173754}
Epoch : 1428: f1_weighted Score 0.812 params {'colsample_bytree': 0.40691613340587524, 'gamma': 0.1135747329408883, 'learning_rate': 0.005806322212616516, 'max_depth': 10, 'min_child_weight': 5.071437329712958, 'n_estimators': 475, 'subsample': 0.9996905886387908}
Epoch : 1429: f1_weighted Score 0.803 params {'colsample_bytree': 0.3013356886357074, 'gamma': 0.5829047026815957, 'learning_rate': 0.05471167877341059, 'max_depth': 20, 'min_child_weight': 7.12305886519935, 'n_estimators': 450, 'subsample': 0.9835914640732477}
Epoch : 1430: f1_weighted Score 0.791 params {'colsample_bytree': 0.41815946381620994, 'gamma': 0.9006958930065789, 'learning_rate': 0.051495718738990226, 'max_depth': 4, 'min_child_weight': 4.836897253905646, 'n_estimators': 425, 'subsample': 0.9754798727528473}
Epoch : 1431: f1_weighted Score 0.812 params {'colsample_bytree': 0.4472378572041846, 'gamma': 0.7619820596523147, 'learning_rate': 0.008153448061138742, 'max_depth': 19, 'min_child_weight': 3.899891731027284, 'n_estimators': 375, 'subsample': 0.8092388580457138}
Epoch : 1432: f1_weighted Score 0.812 params {'colsample_bytree': 0.4958646594933648, 'gamma': 0.700909581823181, 'learning_rate': 0.01805035162907087, 'max_depth': 14, 'min_child_weight': 4.505161107620087, 'n_estimators': 100, 'subsample': 0.8992763136931327}
Epoch : 1433: f1_weighted Score 0.811 params {'colsample_bytree': 0.33908655165774704, 'gamma': 0.03513031665723507, 'learning_rate': 0.0063118604286717195, 'max_depth': 20, 'min_child_weight': 5.4312779280352705, 'n_estimators': 550, 'subsample': 0.987620978927749}
Epoch : 1434: f1_weighted Score 0.810 params {'colsample_bytree': 0.5095760064329662, 'gamma': 0.7928102326917617, 'learning_rate': 0.010523748513870598, 'max_depth': 19, 'min_child_weight': 4.7004582551883205, 'n_estimators': 250, 'subsample': 0.9292318203128512}
Epoch : 1435: f1_weighted Score 0.814 params {'colsample_bytree': 0.48567265812422733, 'gamma': 0.13470735817173093, 'learning_rate': 0.007550360177548742, 'max_depth': 20, 'min_child_weight': 5.419504966646533, 'n_estimators': 375, 'subsample': 0.9579919093270632}
Epoch : 1436: f1_weighted Score 0.812 params {'colsample_bytree': 0.5153217804815227, 'gamma': 0.974001263046442, 'learning_rate': 0.005006084132107081, 'max_depth': 7, 'min_child_weight': 4.456800607647734, 'n_estimators': 275, 'subsample': 0.9101513995000948}
Epoch : 1437: f1_weighted Score 0.806 params {'colsample_bytree': 0.38620587410613794, 'gamma': 0.6148148142753715, 'learning_rate': 0.010729402037969519, 'max_depth': 14, 'min_child_weight': 2.341255090815983, 'n_estimators': 300, 'subsample': 0.9250386169027643}
Epoch : 1438: f1_weighted Score 0.814 params {'colsample_bytree': 0.36597979617848103, 'gamma': 0.7265713759510662, 'learning_rate': 0.01047479681670905, 'max_depth': 12, 'min_child_weight': 4.847023002205781, 'n_estimators': 300, 'subsample': 0.9152211533555932}
Epoch : 1439: f1_weighted Score 0.812 params {'colsample_bytree': 0.39541764822603337, 'gamma': 0.6494128340434461, 'learning_rate': 0.012685512902142506, 'max_depth': 13, 'min_child_weight': 5.502822521004432, 'n_estimators': 275, 'subsample': 0.9094754512591499}
Epoch : 1440: f1_weighted Score 0.809 params {'colsample_bytree': 0.36282054962198, 'gamma': 0.7621318637667686, 'learning_rate': 0.010334267106791976, 'max_depth': 12, 'min_child_weight': 2.821537504012864, 'n_estimators': 300, 'subsample': 0.8216034314690471}
Epoch : 1441: f1_weighted Score 0.811 params {'colsample_bytree': 0.35435644181889936, 'gamma': 0.8609962205075994, 'learning_rate': 0.006766250406196011, 'max_depth': 15, 'min_child_weight': 3.6609144444947903, 'n_estimators': 475, 'subsample': 0.8134754231941499}
Epoch : 1442: f1_weighted Score 0.812 params {'colsample_bytree': 0.4013480077672039, 'gamma': 0.722007154586471, 'learning_rate': 0.01577622352539685, 'max_depth': 19, 'min_child_weight': 5.4237540425266655, 'n_estimators': 125, 'subsample': 0.9791949359167009}
Epoch : 1443: f1_weighted Score 0.790 params {'colsample_bytree': 0.47749234956194514, 'gamma': 0.8068193225927822, 'learning_rate': 0.013500681735953984, 'max_depth': 14, 'min_child_weight': 3.6266507889266717, 'n_estimators': 825, 'subsample': 0.8959945828642056}
Epoch : 1444: f1_weighted Score 0.810 params {'colsample_bytree': 0.3160001279000121, 'gamma': 0.09621472109313009, 'learning_rate': 0.0075185266141238145, 'max_depth': 18, 'min_child_weight': 6.460289855393705, 'n_estimators': 400, 'subsample': 0.9715466387524426}
Epoch : 1445: f1_weighted Score 0.811 params {'colsample_bytree': 0.45356851035224094, 'gamma': 0.9545917240954991, 'learning_rate': 0.0055256847079587675, 'max_depth': 9, 'min_child_weight': 4.379871135664397, 'n_estimators': 575, 'subsample': 0.8758666018545304}
Epoch : 1446: f1_weighted Score 0.812 params {'colsample_bytree': 0.47891904563915344, 'gamma': 0.08535477528427196, 'learning_rate': 0.0050275117655889864, 'max_depth': 11, 'min_child_weight': 3.976297762533771, 'n_estimators': 550, 'subsample': 0.8014071660206552}
Epoch : 1447: f1_weighted Score 0.812 params {'colsample_bytree': 0.4407178639269851, 'gamma': 0.7406624356088174, 'learning_rate': 0.011630914134324242, 'max_depth': 18, 'min_child_weight': 5.898926584495476, 'n_estimators': 250, 'subsample': 0.9431260650443283}
Epoch : 1448: f1_weighted Score 0.810 params {'colsample_bytree': 0.317860290417155, 'gamma': 0.05626981893429621, 'learning_rate': 0.00548415178856812, 'max_depth': 10, 'min_child_weight': 5.066413021828938, 'n_estimators': 550, 'subsample': 0.9653597809610747}
Epoch : 1449: f1_weighted Score 0.789 params {'colsample_bytree': 0.4050708581192095, 'gamma': 0.873490039994183, 'learning_rate': 0.019398109624208952, 'max_depth': 13, 'min_child_weight': 4.579235112759968, 'n_estimators': 50, 'subsample': 0.9180693747980617}
Epoch : 1450: f1_weighted Score 0.799 params {'colsample_bytree': 0.32976622644546955, 'gamma': 0.06364990619963448, 'learning_rate': 0.017892909780831055, 'max_depth': 8, 'min_child_weight': 5.75733796720591, 'n_estimators': 500, 'subsample': 0.9772157020068921}
Epoch : 1451: f1_weighted Score 0.812 params {'colsample_bytree': 0.33483289231355373, 'gamma': 0.777471000610531, 'learning_rate': 0.011771625701230673, 'max_depth': 13, 'min_child_weight': 6.619946267596237, 'n_estimators': 150, 'subsample': 0.9353027971083357}
Epoch : 1452: f1_weighted Score 0.812 params {'colsample_bytree': 0.3968736675500208, 'gamma': 0.7511919574872324, 'learning_rate': 0.009977049983851259, 'max_depth': 12, 'min_child_weight': 3.6880822456135363, 'n_estimators': 225, 'subsample': 0.8029606321937518}
Epoch : 1453: f1_weighted Score 0.808 params {'colsample_bytree': 0.42740354087731725, 'gamma': 0.7417631854376044, 'learning_rate': 0.011337980502340798, 'max_depth': 13, 'min_child_weight': 2.8518338847744102, 'n_estimators': 200, 'subsample': 0.9140712200097973}
Epoch : 1454: f1_weighted Score 0.812 params {'colsample_bytree': 0.37964442940464094, 'gamma': 0.9269629094109799, 'learning_rate': 0.014073120520652314, 'max_depth': 7, 'min_child_weight': 4.903091400191568, 'n_estimators': 175, 'subsample': 0.9590175403139076}
Epoch : 1455: f1_weighted Score 0.812 params {'colsample_bytree': 0.38453857786083023, 'gamma': 0.688274167954496, 'learning_rate': 0.013052724141560149, 'max_depth': 14, 'min_child_weight': 3.328184002652895, 'n_estimators': 225, 'subsample': 0.8161662643088473}
Epoch : 1456: f1_weighted Score 0.812 params {'colsample_bytree': 0.35560864316525037, 'gamma': 0.588253965727588, 'learning_rate': 0.00911968949211794, 'max_depth': 15, 'min_child_weight': 6.966564459119539, 'n_estimators': 375, 'subsample': 0.9733742087492423}
Epoch : 1457: f1_weighted Score 0.809 params {'colsample_bytree': 0.41256196419611246, 'gamma': 0.5174735624649438, 'learning_rate': 0.009163843745649004, 'max_depth': 16, 'min_child_weight': 3.129638008777829, 'n_estimators': 250, 'subsample': 0.8996299241478302}
Epoch : 1458: f1_weighted Score 0.793 params {'colsample_bytree': 0.5615410623236223, 'gamma': 0.9427253993142788, 'learning_rate': 0.008084801663770918, 'max_depth': 9, 'min_child_weight': 4.303043740297142, 'n_estimators': 1025, 'subsample': 0.8921718421375205}
Epoch : 1459: f1_weighted Score 0.810 params {'colsample_bytree': 0.4178429197750766, 'gamma': 0.8624329033982099, 'learning_rate': 0.0078065692776644385, 'max_depth': 20, 'min_child_weight': 3.4574396576444513, 'n_estimators': 350, 'subsample': 0.981729215124076}
Epoch : 1460: f1_weighted Score 0.812 params {'colsample_bytree': 0.5345334802945255, 'gamma': 0.6271317941163328, 'learning_rate': 0.009073985553052794, 'max_depth': 15, 'min_child_weight': 4.759490129126928, 'n_estimators': 250, 'subsample': 0.8949041495358279}
Epoch : 1461: f1_weighted Score 0.812 params {'colsample_bytree': 0.39126640076440805, 'gamma': 0.7136550785912296, 'learning_rate': 0.010752882392058958, 'max_depth': 13, 'min_child_weight': 3.3709743423683918, 'n_estimators': 250, 'subsample': 0.8544187342527705}
Epoch : 1462: f1_weighted Score 0.809 params {'colsample_bytree': 0.42790684731895867, 'gamma': 0.7784542524176324, 'learning_rate': 0.008277961843035465, 'max_depth': 20, 'min_child_weight': 4.13170807680954, 'n_estimators': 350, 'subsample': 0.9479201851479377}
Epoch : 1463: f1_weighted Score 0.812 params {'colsample_bytree': 0.4293504592607977, 'gamma': 0.8129692914707736, 'learning_rate': 0.015459289196704399, 'max_depth': 11, 'min_child_weight': 4.108499993166401, 'n_estimators': 175, 'subsample': 0.8223188485688054}
Epoch : 1464: f1_weighted Score 0.811 params {'colsample_bytree': 0.4581423673611516, 'gamma': 0.9372523631640252, 'learning_rate': 0.008228290915834874, 'max_depth': 20, 'min_child_weight': 5.056057107692414, 'n_estimators': 400, 'subsample': 0.9908451831798196}
Epoch : 1465: f1_weighted Score 0.812 params {'colsample_bytree': 0.8481789325031583, 'gamma': 0.3272010733550748, 'learning_rate': 0.014499278360892636, 'max_depth': 17, 'min_child_weight': 9.515227104181088, 'n_estimators': 200, 'subsample': 0.9526295209502791}
Epoch : 1466: f1_weighted Score 0.810 params {'colsample_bytree': 0.30042581359279724, 'gamma': 0.49942799469541105, 'learning_rate': 0.007282629377076988, 'max_depth': 19, 'min_child_weight': 5.77619669287056, 'n_estimators': 450, 'subsample': 0.9696941227706164}
Epoch : 1467: f1_weighted Score 0.811 params {'colsample_bytree': 0.45626939601499594, 'gamma': 0.14215903493770563, 'learning_rate': 0.006596042911488872, 'max_depth': 20, 'min_child_weight': 4.594101499683736, 'n_estimators': 425, 'subsample': 0.9203854914849176}
Epoch : 1468: f1_weighted Score 0.812 params {'colsample_bytree': 0.431988325217406, 'gamma': 0.152375571762703, 'learning_rate': 0.005387399000913987, 'max_depth': 20, 'min_child_weight': 5.198764123318165, 'n_estimators': 525, 'subsample': 0.9884459177584}
Epoch : 1469: f1_weighted Score 0.809 params {'colsample_bytree': 0.38152442116247615, 'gamma': 0.6322729909026971, 'learning_rate': 0.010083013880478532, 'max_depth': 14, 'min_child_weight': 2.9455059908793313, 'n_estimators': 325, 'subsample': 0.8177308583227054}
Epoch : 1470: f1_weighted Score 0.808 params {'colsample_bytree': 0.8858785215728344, 'gamma': 0.9435998309528881, 'learning_rate': 0.007322069616700781, 'max_depth': 18, 'min_child_weight': 4.39605878694327, 'n_estimators': 500, 'subsample': 0.933561359926795}
Epoch : 1471: f1_weighted Score 0.810 params {'colsample_bytree': 0.30131611019722604, 'gamma': 0.002754876588971146, 'learning_rate': 0.006049543901333991, 'max_depth': 10, 'min_child_weight': 6.34798131740963, 'n_estimators': 600, 'subsample': 0.9552808385112475}
Epoch : 1472: f1_weighted Score 0.805 params {'colsample_bytree': 0.3558512552668688, 'gamma': 0.3629563493604736, 'learning_rate': 0.005926002988735308, 'max_depth': 10, 'min_child_weight': 3.689886374277025, 'n_estimators': 650, 'subsample': 0.8516603001064743}
Epoch : 1473: f1_weighted Score 0.814 params {'colsample_bytree': 0.34255054787842454, 'gamma': 0.007968563589168233, 'learning_rate': 0.006636313529960599, 'max_depth': 19, 'min_child_weight': 5.9563736679081565, 'n_estimators': 425, 'subsample': 0.9642428987428024}
Epoch : 1474: f1_weighted Score 0.812 params {'colsample_bytree': 0.36775917888044096, 'gamma': 0.27077152738941435, 'learning_rate': 0.016422964051539837, 'max_depth': 17, 'min_child_weight': 6.063460205474785, 'n_estimators': 175, 'subsample': 0.9673736923600169}
Epoch : 1475: f1_weighted Score 0.812 params {'colsample_bytree': 0.44036784068479445, 'gamma': 0.9037813323157575, 'learning_rate': 0.006960566505578773, 'max_depth': 6, 'min_child_weight': 4.948753319695585, 'n_estimators': 400, 'subsample': 0.9233146067859894}
Epoch : 1476: f1_weighted Score 0.806 params {'colsample_bytree': 0.3470512743111814, 'gamma': 0.60198947172949, 'learning_rate': 0.033112698597824786, 'max_depth': 14, 'min_child_weight': 4.6870920839825825, 'n_estimators': 125, 'subsample': 0.9317040268013679}
Epoch : 1477: f1_weighted Score 0.812 params {'colsample_bytree': 0.41805568093836887, 'gamma': 0.2506747411595711, 'learning_rate': 0.007841873827388341, 'max_depth': 19, 'min_child_weight': 4.646669685310077, 'n_estimators': 350, 'subsample': 0.925464485803774}
Epoch : 1478: f1_weighted Score 0.807 params {'colsample_bytree': 0.3599347994182043, 'gamma': 0.6456484418450661, 'learning_rate': 0.013129692746578442, 'max_depth': 14, 'min_child_weight': 2.589840162472324, 'n_estimators': 125, 'subsample': 0.9421935554325558}
Epoch : 1479: f1_weighted Score 0.812 params {'colsample_bytree': 0.5290976567794261, 'gamma': 0.6945872761843628, 'learning_rate': 0.012058782397045473, 'max_depth': 16, 'min_child_weight': 5.250865721593993, 'n_estimators': 200, 'subsample': 0.9218108491038105}
Epoch : 1480: f1_weighted Score 0.812 params {'colsample_bytree': 0.41032888384974997, 'gamma': 0.10663858019080374, 'learning_rate': 0.005411047404895459, 'max_depth': 11, 'min_child_weight': 6.055927510451771, 'n_estimators': 375, 'subsample': 0.9804617012334096}
Epoch : 1481: f1_weighted Score 0.812 params {'colsample_bytree': 0.49686718293116255, 'gamma': 0.7079621319929291, 'learning_rate': 0.011135871120549146, 'max_depth': 18, 'min_child_weight': 4.585257627750477, 'n_estimators': 275, 'subsample': 0.9030211949393471}
Epoch : 1482: f1_weighted Score 0.812 params {'colsample_bytree': 0.42417427602841357, 'gamma': 0.5900562424489814, 'learning_rate': 0.008863066791584481, 'max_depth': 19, 'min_child_weight': 5.438398441635992, 'n_estimators': 375, 'subsample': 0.9522128450581807}
Epoch : 1483: f1_weighted Score 0.806 params {'colsample_bytree': 0.443762803555752, 'gamma': 0.9930721805139063, 'learning_rate': 0.01151282753781421, 'max_depth': 17, 'min_child_weight': 4.401935821692909, 'n_estimators': 300, 'subsample': 0.9781103349447116}
Epoch : 1484: f1_weighted Score 0.811 params {'colsample_bytree': 0.37343533122079275, 'gamma': 0.7381570305965266, 'learning_rate': 0.007682920058139976, 'max_depth': 9, 'min_child_weight': 6.858530993857128, 'n_estimators': 500, 'subsample': 0.9607869537835945}
Epoch : 1485: f1_weighted Score 0.814 params {'colsample_bytree': 0.40151226704350956, 'gamma': 0.7118843900445376, 'learning_rate': 0.00993619336696677, 'max_depth': 12, 'min_child_weight': 5.163318671884461, 'n_estimators': 300, 'subsample': 0.9270905307773467}
Epoch : 1486: f1_weighted Score 0.794 params {'colsample_bytree': 0.39655357588002293, 'gamma': 0.6611670376450534, 'learning_rate': 0.013139841068950959, 'max_depth': 6, 'min_child_weight': 4.861974664453055, 'n_estimators': 800, 'subsample': 0.9140198677634991}
Epoch : 1487: f1_weighted Score 0.811 params {'colsample_bytree': 0.3312817248110724, 'gamma': 0.6136991543066839, 'learning_rate': 0.009323088078732092, 'max_depth': 13, 'min_child_weight': 6.2355378504483445, 'n_estimators': 600, 'subsample': 0.9232590761170426}
Epoch : 1488: f1_weighted Score 0.811 params {'colsample_bytree': 0.38282693411473534, 'gamma': 0.7314322928175103, 'learning_rate': 0.011037276793373041, 'max_depth': 14, 'min_child_weight': 3.497655017061022, 'n_estimators': 250, 'subsample': 0.8805512120930452}
Epoch : 1489: f1_weighted Score 0.814 params {'colsample_bytree': 0.33520997815583053, 'gamma': 0.07333327620225526, 'learning_rate': 0.007223989774417438, 'max_depth': 20, 'min_child_weight': 5.545060072842537, 'n_estimators': 400, 'subsample': 0.9689256292143705}
Epoch : 1490: f1_weighted Score 0.810 params {'colsample_bytree': 0.3015996984855588, 'gamma': 0.08201462482476818, 'learning_rate': 0.005730395930513047, 'max_depth': 11, 'min_child_weight': 6.138522552023208, 'n_estimators': 475, 'subsample': 0.9930009146679867}
Epoch : 1491: f1_weighted Score 0.812 params {'colsample_bytree': 0.4565260265548966, 'gamma': 0.19583504544427255, 'learning_rate': 0.0054934030207791215, 'max_depth': 12, 'min_child_weight': 5.858101225008169, 'n_estimators': 600, 'subsample': 0.8456273922889828}
Epoch : 1492: f1_weighted Score 0.810 params {'colsample_bytree': 0.312776594161661, 'gamma': 0.82665537759134, 'learning_rate': 0.022251771206609063, 'max_depth': 19, 'min_child_weight': 7.716486544651318, 'n_estimators': 125, 'subsample': 0.9293420693150793}
Epoch : 1493: f1_weighted Score 0.812 params {'colsample_bytree': 0.4713074295263348, 'gamma': 0.005552150501151154, 'learning_rate': 0.015514179625929478, 'max_depth': 10, 'min_child_weight': 5.575038308171778, 'n_estimators': 100, 'subsample': 0.9862146241030751}
Epoch : 1494: f1_weighted Score 0.806 params {'colsample_bytree': 0.3793323061592526, 'gamma': 0.8314527207033653, 'learning_rate': 0.01635501353428534, 'max_depth': 9, 'min_child_weight': 6.671218021755202, 'n_estimators': 75, 'subsample': 0.8758292468541756}
Epoch : 1495: f1_weighted Score 0.810 params {'colsample_bytree': 0.32037929868257653, 'gamma': 0.7575271017125256, 'learning_rate': 0.00855917445871615, 'max_depth': 10, 'min_child_weight': 5.356821274427683, 'n_estimators': 300, 'subsample': 0.9135692399496066}
Epoch : 1496: f1_weighted Score 0.811 params {'colsample_bytree': 0.7518326343821518, 'gamma': 7.214743688202518e-05, 'learning_rate': 0.006454237011435771, 'max_depth': 9, 'min_child_weight': 5.2235261225873355, 'n_estimators': 525, 'subsample': 0.9070772532271572}
Epoch : 1497: f1_weighted Score 0.812 params {'colsample_bytree': 0.48199490815804025, 'gamma': 0.6879921797159694, 'learning_rate': 0.012901270938171575, 'max_depth': 17, 'min_child_weight': 3.8893332853974614, 'n_estimators': 225, 'subsample': 0.8863102359563096}
Epoch : 1498: f1_weighted Score 0.812 params {'colsample_bytree': 0.5412374804924777, 'gamma': 0.6896884803482903, 'learning_rate': 0.0076466080089975606, 'max_depth': 18, 'min_child_weight': 4.40489072484568, 'n_estimators': 325, 'subsample': 0.9612396138310161}
Epoch : 1499: f1_weighted Score 0.812 params {'colsample_bytree': 0.496239523314629, 'gamma': 0.888260979968573, 'learning_rate': 0.014412674724998013, 'max_depth': 16, 'min_child_weight': 3.9733941297390314, 'n_estimators': 150, 'subsample': 0.8727680927258328}
Epoch : 1500: f1_weighted Score 0.811 params {'colsample_bytree': 0.3956146726593339, 'gamma': 0.834375976713409, 'learning_rate': 0.005074650526168511, 'max_depth': 12, 'min_child_weight': 4.5977823327228124, 'n_estimators': 775, 'subsample': 0.8489260885382015}
Epoch : 1501: f1_weighted Score 0.812 params {'colsample_bytree': 0.3492720307841723, 'gamma': 0.6452931685559967, 'learning_rate': 0.005972539076501032, 'max_depth': 20, 'min_child_weight': 7.309057334559189, 'n_estimators': 450, 'subsample': 0.9605412905718171}
Epoch : 1502: f1_weighted Score 0.812 params {'colsample_bytree': 0.4688641695664623, 'gamma': 0.6777708920955741, 'learning_rate': 0.009084147770255681, 'max_depth': 18, 'min_child_weight': 4.865962139027399, 'n_estimators': 225, 'subsample': 0.9556372503172887}
Epoch : 1503: f1_weighted Score 0.814 params {'colsample_bytree': 0.43898667024760435, 'gamma': 0.7149252308831224, 'learning_rate': 0.009653029360870983, 'max_depth': 18, 'min_child_weight': 5.025829719166178, 'n_estimators': 275, 'subsample': 0.9474229414306936}
Epoch : 1504: f1_weighted Score 0.814 params {'colsample_bytree': 0.46754276907586795, 'gamma': 0.7772150139407041, 'learning_rate': 0.005081017329746336, 'max_depth': 11, 'min_child_weight': 5.029233884246383, 'n_estimators': 550, 'subsample': 0.8223749539195517}
Epoch : 1505: f1_weighted Score 0.811 params {'colsample_bytree': 0.4633193751800853, 'gamma': 0.7804679028806721, 'learning_rate': 0.006365819065642163, 'max_depth': 11, 'min_child_weight': 4.243743120057036, 'n_estimators': 550, 'subsample': 0.8121902721556997}
Epoch : 1506: f1_weighted Score 0.805 params {'colsample_bytree': 0.49786791990265195, 'gamma': 0.017622960420129667, 'learning_rate': 0.007042142530850826, 'max_depth': 12, 'min_child_weight': 2.8561008627783613, 'n_estimators': 450, 'subsample': 0.8069014063478192}
Epoch : 1507: f1_weighted Score 0.814 params {'colsample_bytree': 0.3651414337413387, 'gamma': 0.63903830827295, 'learning_rate': 0.009855356662447834, 'max_depth': 19, 'min_child_weight': 4.897255921847056, 'n_estimators': 275, 'subsample': 0.9391667415013054}
Epoch : 1508: f1_weighted Score 0.812 params {'colsample_bytree': 0.5167809577328817, 'gamma': 0.5693892643076893, 'learning_rate': 0.009501980308487397, 'max_depth': 15, 'min_child_weight': 4.159594891031078, 'n_estimators': 275, 'subsample': 0.9034539251058681}
Epoch : 1509: f1_weighted Score 0.812 params {'colsample_bytree': 0.40730174584762585, 'gamma': 0.677364438398361, 'learning_rate': 0.012296006323058672, 'max_depth': 16, 'min_child_weight': 5.238574768816654, 'n_estimators': 200, 'subsample': 0.9737730507858454}
Epoch : 1510: f1_weighted Score 0.795 params {'colsample_bytree': 0.3793115602064023, 'gamma': 0.17083243882827012, 'learning_rate': 0.04339010198462642, 'max_depth': 18, 'min_child_weight': 6.51046338421058, 'n_estimators': 425, 'subsample': 0.9392820847311538}
Epoch : 1511: f1_weighted Score 0.811 params {'colsample_bytree': 0.41171969177611634, 'gamma': 0.7377373663864507, 'learning_rate': 0.01224419826429754, 'max_depth': 12, 'min_child_weight': 4.140189662105936, 'n_estimators': 225, 'subsample': 0.9528866511282089}
Epoch : 1512: f1_weighted Score 0.806 params {'colsample_bytree': 0.3001767433547807, 'gamma': 0.2074860217575956, 'learning_rate': 0.005953838218152552, 'max_depth': 19, 'min_child_weight': 4.768832868871925, 'n_estimators': 725, 'subsample': 0.9779068013964708}
Epoch : 1513: f1_weighted Score 0.812 params {'colsample_bytree': 0.3884523436339827, 'gamma': 0.7568602771247659, 'learning_rate': 0.008641793475564055, 'max_depth': 14, 'min_child_weight': 4.7203345818342335, 'n_estimators': 325, 'subsample': 0.8016587085378679}
Epoch : 1514: f1_weighted Score 0.812 params {'colsample_bytree': 0.44090276055857835, 'gamma': 0.8078880243240304, 'learning_rate': 0.011735545183707216, 'max_depth': 19, 'min_child_weight': 5.725504664044583, 'n_estimators': 225, 'subsample': 0.9654770754404081}
Epoch : 1515: f1_weighted Score 0.812 params {'colsample_bytree': 0.45547099224554166, 'gamma': 0.8035621938535977, 'learning_rate': 0.010295242227945315, 'max_depth': 19, 'min_child_weight': 5.160460640589648, 'n_estimators': 200, 'subsample': 0.9605786221784307}
Epoch : 1516: f1_weighted Score 0.811 params {'colsample_bytree': 0.3531172668525198, 'gamma': 0.9040899719210109, 'learning_rate': 0.007280883509078163, 'max_depth': 20, 'min_child_weight': 4.780324095599343, 'n_estimators': 475, 'subsample': 0.9505504070015366}
Epoch : 1517: f1_weighted Score 0.791 params {'colsample_bytree': 0.372453846880865, 'gamma': 0.8460531273180435, 'learning_rate': 0.020696366448181666, 'max_depth': 11, 'min_child_weight': 3.732437456541639, 'n_estimators': 50, 'subsample': 0.8604965290231467}
Epoch : 1518: f1_weighted Score 0.812 params {'colsample_bytree': 0.43191093734891256, 'gamma': 0.875286952076925, 'learning_rate': 0.008332135675537028, 'max_depth': 20, 'min_child_weight': 5.35973098068749, 'n_estimators': 375, 'subsample': 0.9548176707451688}
Epoch : 1519: f1_weighted Score 0.805 params {'colsample_bytree': 0.3118422154768502, 'gamma': 0.02476932433541406, 'learning_rate': 0.02042858286120517, 'max_depth': 13, 'min_child_weight': 5.79932983108883, 'n_estimators': 425, 'subsample': 0.8690328368241933}
Epoch : 1520: f1_weighted Score 0.814 params {'colsample_bytree': 0.41348648455231296, 'gamma': 0.8486057878227347, 'learning_rate': 0.008144470051678454, 'max_depth': 16, 'min_child_weight': 4.356051587074367, 'n_estimators': 300, 'subsample': 0.9599214607706522}
Epoch : 1521: f1_weighted Score 0.791 params {'colsample_bytree': 0.3979417266588252, 'gamma': 0.9124594353815907, 'learning_rate': 0.013908719349150764, 'max_depth': 6, 'min_child_weight': 4.497767362661941, 'n_estimators': 925, 'subsample': 0.907425174120828}
Epoch : 1522: f1_weighted Score 0.812 params {'colsample_bytree': 0.3313334348022528, 'gamma': 0.833970176134157, 'learning_rate': 0.006251986845171077, 'max_depth': 11, 'min_child_weight': 5.551995780160237, 'n_estimators': 600, 'subsample': 0.9338871577408396}
Epoch : 1523: f1_weighted Score 0.809 params {'colsample_bytree': 0.6089750036882706, 'gamma': 0.8510495019509624, 'learning_rate': 0.008285006278573257, 'max_depth': 17, 'min_child_weight': 4.960405175362362, 'n_estimators': 375, 'subsample': 0.9993191300865695}
Epoch : 1524: f1_weighted Score 0.801 params {'colsample_bytree': 0.31083982670227345, 'gamma': 0.8133135261511093, 'learning_rate': 0.0077624760699623934, 'max_depth': 11, 'min_child_weight': 2.2622560082884036, 'n_estimators': 350, 'subsample': 0.8822302334300696}
Epoch : 1525: f1_weighted Score 0.806 params {'colsample_bytree': 0.33553347260635763, 'gamma': 0.787086072001069, 'learning_rate': 0.0392964459160465, 'max_depth': 13, 'min_child_weight': 8.443011693066314, 'n_estimators': 50, 'subsample': 0.9316663832978783}
Epoch : 1526: f1_weighted Score 0.812 params {'colsample_bytree': 0.47662139575368884, 'gamma': 0.049422039370395944, 'learning_rate': 0.0068630388780002586, 'max_depth': 15, 'min_child_weight': 5.904973272844694, 'n_estimators': 375, 'subsample': 0.9933041311184362}
Epoch : 1527: f1_weighted Score 0.791 params {'colsample_bytree': 0.4567021356855774, 'gamma': 0.9329468754805835, 'learning_rate': 0.07105010286353004, 'max_depth': 9, 'min_child_weight': 4.47892816175112, 'n_estimators': 325, 'subsample': 0.938127773418759}
Epoch : 1528: f1_weighted Score 0.810 params {'colsample_bytree': 0.31158128504416566, 'gamma': 0.7044257883686542, 'learning_rate': 0.008534658378003612, 'max_depth': 10, 'min_child_weight': 5.449365345823941, 'n_estimators': 400, 'subsample': 0.937490646087034}
Epoch : 1529: f1_weighted Score 0.812 params {'colsample_bytree': 0.370739627997966, 'gamma': 0.731963638324399, 'learning_rate': 0.006676888945597206, 'max_depth': 11, 'min_child_weight': 6.397743599083858, 'n_estimators': 500, 'subsample': 0.8267734195104198}
Epoch : 1530: f1_weighted Score 0.812 params {'colsample_bytree': 0.42303484288942345, 'gamma': 0.15668244813457277, 'learning_rate': 0.005045457930241969, 'max_depth': 20, 'min_child_weight': 6.1693268038239575, 'n_estimators': 625, 'subsample': 0.9648781454970096}
Epoch : 1531: f1_weighted Score 0.812 params {'colsample_bytree': 0.4807075782710646, 'gamma': 0.0468557606666765, 'learning_rate': 0.00947672044802988, 'max_depth': 8, 'min_child_weight': 6.392379318897679, 'n_estimators': 150, 'subsample': 0.9516460232145729}
Epoch : 1532: f1_weighted Score 0.812 params {'colsample_bytree': 0.42306766332721935, 'gamma': 0.8212901586556481, 'learning_rate': 0.00924142538365229, 'max_depth': 18, 'min_child_weight': 4.583176245388957, 'n_estimators': 175, 'subsample': 0.9834123949741844}
Epoch : 1533: f1_weighted Score 0.812 params {'colsample_bytree': 0.38781625952333315, 'gamma': 0.8674309971476493, 'learning_rate': 0.007788679817274156, 'max_depth': 19, 'min_child_weight': 3.8129249922192523, 'n_estimators': 300, 'subsample': 0.9855018067340733}
Epoch : 1534: f1_weighted Score 0.812 params {'colsample_bytree': 0.3487179875677665, 'gamma': 0.8826739553095134, 'learning_rate': 0.0070448255121789, 'max_depth': 13, 'min_child_weight': 5.732976816407007, 'n_estimators': 350, 'subsample': 0.9992259615895205}
Epoch : 1535: f1_weighted Score 0.812 params {'colsample_bytree': 0.40220758497927966, 'gamma': 0.016756124563910665, 'learning_rate': 0.014496425155075605, 'max_depth': 11, 'min_child_weight': 6.103643071894634, 'n_estimators': 275, 'subsample': 0.9302530649407619}
Epoch : 1536: f1_weighted Score 0.806 params {'colsample_bytree': 0.32029204474433437, 'gamma': 0.07369840650693336, 'learning_rate': 0.015241726658880232, 'max_depth': 18, 'min_child_weight': 6.775690024063433, 'n_estimators': 175, 'subsample': 0.9716307515156221}
Epoch : 1537: f1_weighted Score 0.796 params {'colsample_bytree': 0.3361739299252983, 'gamma': 0.6637166647462901, 'learning_rate': 0.010064000895933643, 'max_depth': 10, 'min_child_weight': 6.25481573565045, 'n_estimators': 1400, 'subsample': 0.9042200764049649}
Epoch : 1538: f1_weighted Score 0.811 params {'colsample_bytree': 0.3631304674092016, 'gamma': 0.03307320967315991, 'learning_rate': 0.015062385607355547, 'max_depth': 19, 'min_child_weight': 6.735372816210456, 'n_estimators': 300, 'subsample': 0.9798279795422625}
Epoch : 1539: f1_weighted Score 0.799 params {'colsample_bytree': 0.40742989506424254, 'gamma': 0.7877763739467913, 'learning_rate': 0.01641948931878465, 'max_depth': 12, 'min_child_weight': 3.562240511921519, 'n_estimators': 75, 'subsample': 0.8377507158566554}
Epoch : 1540: f1_weighted Score 0.782 params {'colsample_bytree': 0.38032468243153134, 'gamma': 0.8478299294875263, 'learning_rate': 0.1735014008251099, 'max_depth': 17, 'min_child_weight': 3.0355640618672766, 'n_estimators': 350, 'subsample': 0.897214809800516}
Epoch : 1541: f1_weighted Score 0.808 params {'colsample_bytree': 0.3570919137590381, 'gamma': 0.8875822809058792, 'learning_rate': 0.005905145229025369, 'max_depth': 9, 'min_child_weight': 4.222544559439087, 'n_estimators': 650, 'subsample': 0.8880382341730652}
Epoch : 1542: f1_weighted Score 0.810 params {'colsample_bytree': 0.3269451898235382, 'gamma': 0.6218585526766327, 'learning_rate': 0.022000724187086165, 'max_depth': 19, 'min_child_weight': 5.752273039197473, 'n_estimators': 150, 'subsample': 0.9204269021775915}
Epoch : 1543: f1_weighted Score 0.814 params {'colsample_bytree': 0.36934987722900936, 'gamma': 0.11434986309229933, 'learning_rate': 0.006438588478174619, 'max_depth': 8, 'min_child_weight': 5.430346169899686, 'n_estimators': 450, 'subsample': 0.9899063153104023}
Epoch : 1544: f1_weighted Score 0.812 params {'colsample_bytree': 0.342726410862646, 'gamma': 0.1251746236463912, 'learning_rate': 0.005434301655963421, 'max_depth': 8, 'min_child_weight': 6.021211207018471, 'n_estimators': 525, 'subsample': 0.9887050386864773}
Epoch : 1545: f1_weighted Score 0.812 params {'colsample_bytree': 0.4250989150355703, 'gamma': 0.7313473497281547, 'learning_rate': 0.009766895171538814, 'max_depth': 18, 'min_child_weight': 5.835870560479504, 'n_estimators': 250, 'subsample': 0.9575043234727445}
Epoch : 1546: f1_weighted Score 0.812 params {'colsample_bytree': 0.4386264732052522, 'gamma': 0.068319427345862, 'learning_rate': 0.0052764582370434885, 'max_depth': 7, 'min_child_weight': 5.168472301784992, 'n_estimators': 500, 'subsample': 0.9953800902884632}
Epoch : 1547: f1_weighted Score 0.809 params {'colsample_bytree': 0.5029333053795146, 'gamma': 0.16839418837306389, 'learning_rate': 0.00629878234552148, 'max_depth': 19, 'min_child_weight': 5.088912349773325, 'n_estimators': 600, 'subsample': 0.9478179559056968}
Epoch : 1548: f1_weighted Score 0.812 params {'colsample_bytree': 0.5209228197000046, 'gamma': 0.5592763893014142, 'learning_rate': 0.011749374354216927, 'max_depth': 11, 'min_child_weight': 5.556787994027892, 'n_estimators': 250, 'subsample': 0.9119488934017379}
Epoch : 1549: f1_weighted Score 0.812 params {'colsample_bytree': 0.39327547779146443, 'gamma': 0.8033592333033291, 'learning_rate': 0.011458270962118409, 'max_depth': 12, 'min_child_weight': 3.9707708959082924, 'n_estimators': 300, 'subsample': 0.8268786144956328}
Epoch : 1550: f1_weighted Score 0.812 params {'colsample_bytree': 0.3910730622972812, 'gamma': 0.6417086587208931, 'learning_rate': 0.013596932506707415, 'max_depth': 15, 'min_child_weight': 5.6508615050450075, 'n_estimators': 175, 'subsample': 0.8004638633948975}
Epoch : 1551: f1_weighted Score 0.812 params {'colsample_bytree': 0.36391242387194994, 'gamma': 0.7124911029308683, 'learning_rate': 0.005090749929916431, 'max_depth': 17, 'min_child_weight': 6.608820468335385, 'n_estimators': 650, 'subsample': 0.8586091388185992}
Epoch : 1552: f1_weighted Score 0.812 params {'colsample_bytree': 0.375372556983384, 'gamma': 0.18759626264232226, 'learning_rate': 0.005002103748310341, 'max_depth': 3, 'min_child_weight': 4.8923620421702285, 'n_estimators': 450, 'subsample': 0.9094218467969623}
Epoch : 1553: f1_weighted Score 0.812 params {'colsample_bytree': 0.4069119021285262, 'gamma': 0.15690490480219177, 'learning_rate': 0.007295201789342492, 'max_depth': 14, 'min_child_weight': 4.686773733266409, 'n_estimators': 475, 'subsample': 0.8047269676937974}
Epoch : 1554: f1_weighted Score 0.812 params {'colsample_bytree': 0.38841617052282285, 'gamma': 0.7682079834694495, 'learning_rate': 0.005352034869352778, 'max_depth': 12, 'min_child_weight': 5.3183878631765, 'n_estimators': 725, 'subsample': 0.9061151851862255}
Epoch : 1555: f1_weighted Score 0.811 params {'colsample_bytree': 0.45086139271132, 'gamma': 0.10111355991266767, 'learning_rate': 0.005708158309248602, 'max_depth': 12, 'min_child_weight': 5.3717534187777, 'n_estimators': 525, 'subsample': 0.9801961582224253}
Epoch : 1556: f1_weighted Score 0.812 params {'colsample_bytree': 0.34912747877009465, 'gamma': 0.5882780514901165, 'learning_rate': 0.00577082004974247, 'max_depth': 2, 'min_child_weight': 5.119602150589601, 'n_estimators': 550, 'subsample': 0.9963062691921428}
Epoch : 1557: f1_weighted Score 0.806 params {'colsample_bytree': 0.44759310918643114, 'gamma': 0.12134107647993174, 'learning_rate': 0.005757595678246839, 'max_depth': 10, 'min_child_weight': 4.465189439370192, 'n_estimators': 575, 'subsample': 0.9985884724555233}
Epoch : 1558: f1_weighted Score 0.811 params {'colsample_bytree': 0.34022225898677144, 'gamma': 0.030385492461023594, 'learning_rate': 0.012623879893353035, 'max_depth': 11, 'min_child_weight': 5.566944351610672, 'n_estimators': 325, 'subsample': 0.9702592339605441}
Epoch : 1559: f1_weighted Score 0.812 params {'colsample_bytree': 0.3535461876582342, 'gamma': 0.9744294395722736, 'learning_rate': 0.012787045450667537, 'max_depth': 20, 'min_child_weight': 6.177061287572327, 'n_estimators': 275, 'subsample': 0.9589526180393223}
Epoch : 1560: f1_weighted Score 0.810 params {'colsample_bytree': 0.42088490982326443, 'gamma': 0.11604142833212612, 'learning_rate': 0.006837149465088248, 'max_depth': 12, 'min_child_weight': 4.761974634847424, 'n_estimators': 325, 'subsample': 0.9953021033889431}
Epoch : 1561: f1_weighted Score 0.812 params {'colsample_bytree': 0.3658906330861884, 'gamma': 0.6099840956187372, 'learning_rate': 0.006068397983189219, 'max_depth': 20, 'min_child_weight': 4.9711540255769915, 'n_estimators': 475, 'subsample': 0.9823566061444532}
Epoch : 1562: f1_weighted Score 0.804 params {'colsample_bytree': 0.3129313293099912, 'gamma': 0.7796732558593282, 'learning_rate': 0.006671248255039561, 'max_depth': 10, 'min_child_weight': 3.2998183687136198, 'n_estimators': 625, 'subsample': 0.9455752852645006}
Epoch : 1563: f1_weighted Score 0.810 params {'colsample_bytree': 0.30101328795089244, 'gamma': 0.6366456951866828, 'learning_rate': 0.0077376886721533, 'max_depth': 20, 'min_child_weight': 5.232706267856293, 'n_estimators': 400, 'subsample': 0.9746692391378201}
Epoch : 1564: f1_weighted Score 0.814 params {'colsample_bytree': 0.3815962577814275, 'gamma': 0.8545906173964727, 'learning_rate': 0.009138050744228273, 'max_depth': 19, 'min_child_weight': 4.815987459255847, 'n_estimators': 275, 'subsample': 0.9349938493692367}
Epoch : 1565: f1_weighted Score 0.802 params {'colsample_bytree': 0.3002928376415404, 'gamma': 0.6790390545545006, 'learning_rate': 0.011148886932220688, 'max_depth': 10, 'min_child_weight': 7.414639029968167, 'n_estimators': 1275, 'subsample': 0.948480528244518}
Epoch : 1566: f1_weighted Score 0.814 params {'colsample_bytree': 0.36399355497550073, 'gamma': 0.527883007613294, 'learning_rate': 0.010344168619158635, 'max_depth': 11, 'min_child_weight': 5.555068420814509, 'n_estimators': 325, 'subsample': 0.9424747227331717}
Epoch : 1567: f1_weighted Score 0.809 params {'colsample_bytree': 0.3492626172882607, 'gamma': 0.4562745257259401, 'learning_rate': 0.008074354337243248, 'max_depth': 13, 'min_child_weight': 3.529609353201694, 'n_estimators': 425, 'subsample': 0.809966523874922}
Epoch : 1568: f1_weighted Score 0.811 params {'colsample_bytree': 0.5347542489651105, 'gamma': 0.06861815407813315, 'learning_rate': 0.005464250196563141, 'max_depth': 7, 'min_child_weight': 5.218506092794333, 'n_estimators': 625, 'subsample': 0.8931060281009285}
Epoch : 1569: f1_weighted Score 0.814 params {'colsample_bytree': 0.410005782235235, 'gamma': 0.1715153597379432, 'learning_rate': 0.008538477713292431, 'max_depth': 12, 'min_child_weight': 6.004352020651942, 'n_estimators': 375, 'subsample': 0.9165599536301855}
Epoch : 1570: f1_weighted Score 0.811 params {'colsample_bytree': 0.43787201374085244, 'gamma': 0.3015495956305227, 'learning_rate': 0.006657578488211841, 'max_depth': 17, 'min_child_weight': 5.862988882602066, 'n_estimators': 675, 'subsample': 0.9663399759866615}
Epoch : 1571: f1_weighted Score 0.810 params {'colsample_bytree': 0.322785964862966, 'gamma': 0.040402289913302365, 'learning_rate': 0.006654003462411088, 'max_depth': 9, 'min_child_weight': 6.362677867730377, 'n_estimators': 550, 'subsample': 0.9632509126875495}
Epoch : 1572: f1_weighted Score 0.810 params {'colsample_bytree': 0.32878538300092475, 'gamma': 0.7275728138908114, 'learning_rate': 0.009887577097651253, 'max_depth': 13, 'min_child_weight': 4.005004780102796, 'n_estimators': 250, 'subsample': 0.8317155258457473}
Epoch : 1573: f1_weighted Score 0.812 params {'colsample_bytree': 0.32758795919782724, 'gamma': 0.49374898432045766, 'learning_rate': 0.0061097558330404, 'max_depth': 10, 'min_child_weight': 4.950309217411916, 'n_estimators': 675, 'subsample': 0.8123255629172681}
Epoch : 1574: f1_weighted Score 0.812 params {'colsample_bytree': 0.42541618140871323, 'gamma': 0.17789931642910267, 'learning_rate': 0.007488105791745202, 'max_depth': 12, 'min_child_weight': 6.2092710547310785, 'n_estimators': 400, 'subsample': 0.9754564520633665}
Epoch : 1575: f1_weighted Score 0.811 params {'colsample_bytree': 0.5965360193549025, 'gamma': 0.20191052479424754, 'learning_rate': 0.00882767767367798, 'max_depth': 12, 'min_child_weight': 6.113930763233051, 'n_estimators': 350, 'subsample': 0.9758536603371943}
Epoch : 1576: f1_weighted Score 0.811 params {'colsample_bytree': 0.44805836752127937, 'gamma': 0.34097478881441456, 'learning_rate': 0.010553619052702773, 'max_depth': 12, 'min_child_weight': 6.468796929915181, 'n_estimators': 350, 'subsample': 0.9560232803253087}
Epoch : 1577: f1_weighted Score 0.810 params {'colsample_bytree': 0.3135584039536793, 'gamma': 0.8817802614571367, 'learning_rate': 0.009253475638931528, 'max_depth': 11, 'min_child_weight': 5.68826328163889, 'n_estimators': 325, 'subsample': 0.9439657074204939}
Epoch : 1578: f1_weighted Score 0.811 params {'colsample_bytree': 0.6968193295460084, 'gamma': 0.06430609375626975, 'learning_rate': 0.0073296510671214295, 'max_depth': 13, 'min_child_weight': 7.017582296036513, 'n_estimators': 425, 'subsample': 0.9532677335413173}
Epoch : 1579: f1_weighted Score 0.812 params {'colsample_bytree': 0.4252634052291787, 'gamma': 0.14124580416796498, 'learning_rate': 0.008637975889896562, 'max_depth': 12, 'min_child_weight': 9.341105439101675, 'n_estimators': 425, 'subsample': 0.8188278313578236}
Epoch : 1580: f1_weighted Score 0.811 params {'colsample_bytree': 0.4092789223717781, 'gamma': 0.7560956279456855, 'learning_rate': 0.010652356200315401, 'max_depth': 19, 'min_child_weight': 4.229796489274976, 'n_estimators': 275, 'subsample': 0.933968829089446}
Epoch : 1581: f1_weighted Score 0.812 params {'colsample_bytree': 0.3768599530656672, 'gamma': 0.9592463325132985, 'learning_rate': 0.01115002126617057, 'max_depth': 10, 'min_child_weight': 7.041750302015771, 'n_estimators': 300, 'subsample': 0.923071329468104}
Epoch : 1582: f1_weighted Score 0.812 params {'colsample_bytree': 0.4316610961705592, 'gamma': 0.09635799040891327, 'learning_rate': 0.00822962770006047, 'max_depth': 19, 'min_child_weight': 4.5924186073825055, 'n_estimators': 200, 'subsample': 0.9477673233874067}
Epoch : 1583: f1_weighted Score 0.812 params {'colsample_bytree': 0.4614642026250366, 'gamma': 0.14695185009312398, 'learning_rate': 0.0071441823319153145, 'max_depth': 19, 'min_child_weight': 4.330348823014934, 'n_estimators': 225, 'subsample': 0.9462033042782428}
Epoch : 1584: f1_weighted Score 0.812 params {'colsample_bytree': 0.3966168486290518, 'gamma': 0.7601958263758253, 'learning_rate': 0.010229384576254677, 'max_depth': 20, 'min_child_weight': 4.022974449780123, 'n_estimators': 250, 'subsample': 0.929466674215107}
Epoch : 1585: f1_weighted Score 0.812 params {'colsample_bytree': 0.45048807234957455, 'gamma': 0.718127365246043, 'learning_rate': 0.012045570950250054, 'max_depth': 16, 'min_child_weight': 5.091303707806825, 'n_estimators': 225, 'subsample': 0.9582258878955421}
Epoch : 1586: f1_weighted Score 0.810 params {'colsample_bytree': 0.43073183364960527, 'gamma': 0.13059111076709298, 'learning_rate': 0.006629157482924557, 'max_depth': 18, 'min_child_weight': 7.411050015027462, 'n_estimators': 475, 'subsample': 0.97132569064276}
Epoch : 1587: f1_weighted Score 0.814 params {'colsample_bytree': 0.3407263617593508, 'gamma': 0.6660610014926358, 'learning_rate': 0.011306586244511604, 'max_depth': 11, 'min_child_weight': 6.326913410268869, 'n_estimators': 275, 'subsample': 0.9407109162622752}
Epoch : 1588: f1_weighted Score 0.805 params {'colsample_bytree': 0.4871023689253812, 'gamma': 0.08773340778259835, 'learning_rate': 0.013137207867756755, 'max_depth': 9, 'min_child_weight': 5.878051758704855, 'n_estimators': 375, 'subsample': 0.9996224409301827}
Epoch : 1589: f1_weighted Score 0.812 params {'colsample_bytree': 0.4904305390409847, 'gamma': 0.6997975715550179, 'learning_rate': 0.009438389808629535, 'max_depth': 10, 'min_child_weight': 4.509764696016254, 'n_estimators': 200, 'subsample': 0.9388280943689625}
Epoch : 1590: f1_weighted Score 0.812 params {'colsample_bytree': 0.41086120503115375, 'gamma': 0.42860745230563063, 'learning_rate': 0.012029454212146875, 'max_depth': 16, 'min_child_weight': 5.291946052034025, 'n_estimators': 175, 'subsample': 0.9142604847167224}
Epoch : 1591: f1_weighted Score 0.812 params {'colsample_bytree': 0.7203724355039863, 'gamma': 0.7243755805299931, 'learning_rate': 0.013612852049586304, 'max_depth': 16, 'min_child_weight': 5.366016515741138, 'n_estimators': 125, 'subsample': 0.9177088476851611}
Epoch : 1592: f1_weighted Score 0.814 params {'colsample_bytree': 0.5558284898658863, 'gamma': 0.7926317981061528, 'learning_rate': 0.009385007413831685, 'max_depth': 13, 'min_child_weight': 5.292632786750229, 'n_estimators': 375, 'subsample': 0.8099182507346029}
Epoch : 1593: f1_weighted Score 0.812 params {'colsample_bytree': 0.5665437219652665, 'gamma': 0.775599056480689, 'learning_rate': 0.010389217579655254, 'max_depth': 14, 'min_child_weight': 3.7244461325605793, 'n_estimators': 250, 'subsample': 0.8443980620204038}
Epoch : 1594: f1_weighted Score 0.802 params {'colsample_bytree': 0.47131257041076635, 'gamma': 0.8245863943324181, 'learning_rate': 0.00883835247064101, 'max_depth': 11, 'min_child_weight': 4.159190212095721, 'n_estimators': 700, 'subsample': 0.822243520370658}
Epoch : 1595: f1_weighted Score 0.806 params {'colsample_bytree': 0.41689430879424394, 'gamma': 0.6796930915064905, 'learning_rate': 0.007427336730983395, 'max_depth': 18, 'min_child_weight': 3.8272674255387438, 'n_estimators': 400, 'subsample': 0.9017952290767495}
Epoch : 1596: f1_weighted Score 0.814 params {'colsample_bytree': 0.3633815782023523, 'gamma': 0.8202409270827093, 'learning_rate': 0.00802677318233907, 'max_depth': 9, 'min_child_weight': 7.203396291188733, 'n_estimators': 525, 'subsample': 0.8382744980769531}
Epoch : 1597: f1_weighted Score 0.812 params {'colsample_bytree': 0.3576787459103529, 'gamma': 0.7415403238232465, 'learning_rate': 0.010747513373254712, 'max_depth': 14, 'min_child_weight': 8.196999756895023, 'n_estimators': 250, 'subsample': 0.8659903491556685}
Epoch : 1598: f1_weighted Score 0.811 params {'colsample_bytree': 0.38628921613573103, 'gamma': 0.7562981677486678, 'learning_rate': 0.010799915634358752, 'max_depth': 20, 'min_child_weight': 3.7327962188972443, 'n_estimators': 225, 'subsample': 0.9524403073210091}
Epoch : 1599: f1_weighted Score 0.794 params {'colsample_bytree': 0.523272522784601, 'gamma': 0.6811256830639311, 'learning_rate': 0.009896731930819112, 'max_depth': 15, 'min_child_weight': 6.002934193480062, 'n_estimators': 1075, 'subsample': 0.9156522738024928}
Epoch : 1600: f1_weighted Score 0.812 params {'colsample_bytree': 0.32323671447134544, 'gamma': 0.9205675209052252, 'learning_rate': 0.005247411077141611, 'max_depth': 8, 'min_child_weight': 4.736504787929686, 'n_estimators': 675, 'subsample': 0.8537684365601809}
Epoch : 1601: f1_weighted Score 0.810 params {'colsample_bytree': 0.3049578883282802, 'gamma': 0.02086178070651116, 'learning_rate': 0.01261414977182377, 'max_depth': 20, 'min_child_weight': 5.674120518925588, 'n_estimators': 225, 'subsample': 0.9556433759072465}
Epoch : 1602: f1_weighted Score 0.806 params {'colsample_bytree': 0.4378663431118614, 'gamma': 0.09956424273984198, 'learning_rate': 0.0059912389243644, 'max_depth': 11, 'min_child_weight': 4.884395575729018, 'n_estimators': 600, 'subsample': 0.9915879139498762}
Epoch : 1603: f1_weighted Score 0.812 params {'colsample_bytree': 0.3924275044459396, 'gamma': 0.6231070718749501, 'learning_rate': 0.009889888495416853, 'max_depth': 18, 'min_child_weight': 6.730304389310032, 'n_estimators': 275, 'subsample': 0.9631435830159721}
Epoch : 1604: f1_weighted Score 0.812 params {'colsample_bytree': 0.5923742682271231, 'gamma': 0.6880100615612837, 'learning_rate': 0.011833990211322825, 'max_depth': 12, 'min_child_weight': 5.477035930469787, 'n_estimators': 300, 'subsample': 0.9198416486968284}
Epoch : 1605: f1_weighted Score 0.814 params {'colsample_bytree': 0.3853244314997259, 'gamma': 0.9072411155003304, 'learning_rate': 0.005856418452553427, 'max_depth': 10, 'min_child_weight': 4.996239577762875, 'n_estimators': 600, 'subsample': 0.8166139048843425}
Epoch : 1606: f1_weighted Score 0.814 params {'colsample_bytree': 0.3768526394312294, 'gamma': 0.7547613492787061, 'learning_rate': 0.010318352863162872, 'max_depth': 19, 'min_child_weight': 4.346605923973547, 'n_estimators': 225, 'subsample': 0.9491407706394915}
Epoch : 1607: f1_weighted Score 0.812 params {'colsample_bytree': 0.3672781565437632, 'gamma': 0.7490785189376797, 'learning_rate': 0.010862259137680496, 'max_depth': 19, 'min_child_weight': 4.1697570694628565, 'n_estimators': 200, 'subsample': 0.9515615132735974}
Epoch : 1608: f1_weighted Score 0.811 params {'colsample_bytree': 0.3571323519303517, 'gamma': 0.7037499794607635, 'learning_rate': 0.01102132357956026, 'max_depth': 19, 'min_child_weight': 3.184398364684797, 'n_estimators': 200, 'subsample': 0.9546814376751269}
Epoch : 1609: f1_weighted Score 0.812 params {'colsample_bytree': 0.342678293621244, 'gamma': 0.7382933101942453, 'learning_rate': 0.008476786547004699, 'max_depth': 6, 'min_child_weight': 6.38334199967613, 'n_estimators': 350, 'subsample': 0.958830961594249}
Epoch : 1610: f1_weighted Score 0.814 params {'colsample_bytree': 0.372717853827847, 'gamma': 0.7241686611548422, 'learning_rate': 0.011040650612970533, 'max_depth': 15, 'min_child_weight': 4.6080990384224645, 'n_estimators': 250, 'subsample': 0.9441287495931352}
Epoch : 1611: f1_weighted Score 0.814 params {'colsample_bytree': 0.34511512484778367, 'gamma': 0.2584452162387514, 'learning_rate': 0.008764160618021129, 'max_depth': 16, 'min_child_weight': 5.714230961240942, 'n_estimators': 350, 'subsample': 0.9859704505118668}
Epoch : 1612: f1_weighted Score 0.811 params {'colsample_bytree': 0.41367171187587665, 'gamma': 0.07810770229301411, 'learning_rate': 0.006866785538484949, 'max_depth': 12, 'min_child_weight': 5.782910058363438, 'n_estimators': 500, 'subsample': 0.9874387054408065}
Epoch : 1613: f1_weighted Score 0.812 params {'colsample_bytree': 0.3963022889855959, 'gamma': 0.7092496692101303, 'learning_rate': 0.008976933744069174, 'max_depth': 18, 'min_child_weight': 6.851009476182607, 'n_estimators': 350, 'subsample': 0.9701333814480884}
Epoch : 1614: f1_weighted Score 0.812 params {'colsample_bytree': 0.3949767058869832, 'gamma': 0.656844644009561, 'learning_rate': 0.013876812696160675, 'max_depth': 9, 'min_child_weight': 6.560037303813373, 'n_estimators': 150, 'subsample': 0.9448995380918366}
Epoch : 1615: f1_weighted Score 0.814 params {'colsample_bytree': 0.3988684475598564, 'gamma': 0.6967342129669661, 'learning_rate': 0.010091766111114321, 'max_depth': 14, 'min_child_weight': 5.1152524224608715, 'n_estimators': 275, 'subsample': 0.9529085937795464}
Epoch : 1616: f1_weighted Score 0.812 params {'colsample_bytree': 0.4414405742235926, 'gamma': 0.7919322646835812, 'learning_rate': 0.008178696332125245, 'max_depth': 19, 'min_child_weight': 4.973029199254856, 'n_estimators': 300, 'subsample': 0.977958765240718}
Epoch : 1617: f1_weighted Score 0.812 params {'colsample_bytree': 0.5024469269450099, 'gamma': 0.8652296744209897, 'learning_rate': 0.008289408347417261, 'max_depth': 17, 'min_child_weight': 5.263210187489904, 'n_estimators': 300, 'subsample': 0.9988254782801652}
Epoch : 1618: f1_weighted Score 0.805 params {'colsample_bytree': 0.37590743718025665, 'gamma': 0.8195448895259534, 'learning_rate': 0.00936404931398991, 'max_depth': 5, 'min_child_weight': 4.768390765381121, 'n_estimators': 650, 'subsample': 0.9260622825291904}
Epoch : 1619: f1_weighted Score 0.812 params {'colsample_bytree': 0.462080363874652, 'gamma': 0.9147128981854242, 'learning_rate': 0.009554519209303286, 'max_depth': 18, 'min_child_weight': 5.530434485567613, 'n_estimators': 325, 'subsample': 0.9367903703953023}
Epoch : 1620: f1_weighted Score 0.810 params {'colsample_bytree': 0.33055117282799096, 'gamma': 0.5548778442656376, 'learning_rate': 0.006504598067121185, 'max_depth': 20, 'min_child_weight': 5.3984150704708584, 'n_estimators': 450, 'subsample': 0.9912514259903382}
Epoch : 1621: f1_weighted Score 0.812 params {'colsample_bytree': 0.47317521846691024, 'gamma': 0.8955776284964467, 'learning_rate': 0.0095770917706042, 'max_depth': 20, 'min_child_weight': 5.22117551609552, 'n_estimators': 250, 'subsample': 0.9836863956677323}
Epoch : 1622: f1_weighted Score 0.809 params {'colsample_bytree': 0.42745540331736737, 'gamma': 0.13451009238886338, 'learning_rate': 0.014100051841788265, 'max_depth': 20, 'min_child_weight': 5.406182166770874, 'n_estimators': 300, 'subsample': 0.9017190189394918}
Epoch : 1623: f1_weighted Score 0.812 params {'colsample_bytree': 0.39786960795655524, 'gamma': 0.7887388361937454, 'learning_rate': 0.007951848518292119, 'max_depth': 13, 'min_child_weight': 3.324594715578044, 'n_estimators': 325, 'subsample': 0.8203848923998132}
Epoch : 1624: f1_weighted Score 0.808 params {'colsample_bytree': 0.40312301662794403, 'gamma': 0.6277820862780223, 'learning_rate': 0.01807979942951909, 'max_depth': 11, 'min_child_weight': 5.957929692069636, 'n_estimators': 75, 'subsample': 0.8207723068984142}
Epoch : 1625: f1_weighted Score 0.814 params {'colsample_bytree': 0.35444686772143125, 'gamma': 0.7452913419374495, 'learning_rate': 0.010014277556735555, 'max_depth': 19, 'min_child_weight': 5.129304483811576, 'n_estimators': 275, 'subsample': 0.9246405689738365}
Epoch : 1626: f1_weighted Score 0.814 params {'colsample_bytree': 0.3684149246659696, 'gamma': 0.23870881395743018, 'learning_rate': 0.0072205979426723955, 'max_depth': 20, 'min_child_weight': 6.020728771453549, 'n_estimators': 400, 'subsample': 0.9843760311846526}
Epoch : 1627: f1_weighted Score 0.812 params {'colsample_bytree': 0.3470812253277365, 'gamma': 0.6538523234581467, 'learning_rate': 0.007657516469978931, 'max_depth': 17, 'min_child_weight': 6.179845373121832, 'n_estimators': 375, 'subsample': 0.9836654210682462}
Epoch : 1628: f1_weighted Score 0.812 params {'colsample_bytree': 0.41083069556447765, 'gamma': 0.38651837237655934, 'learning_rate': 0.012292965557591106, 'max_depth': 18, 'min_child_weight': 5.7758489020012425, 'n_estimators': 200, 'subsample': 0.9660473512281256}
Epoch : 1629: f1_weighted Score 0.808 params {'colsample_bytree': 0.4143419109082561, 'gamma': 0.8084074468358732, 'learning_rate': 0.0111746551791275, 'max_depth': 17, 'min_child_weight': 4.033468449526447, 'n_estimators': 175, 'subsample': 0.9794213139995609}
Epoch : 1630: f1_weighted Score 0.810 params {'colsample_bytree': 0.33065760957657303, 'gamma': 0.8484466663291487, 'learning_rate': 0.005160856205110651, 'max_depth': 10, 'min_child_weight': 4.654012827826521, 'n_estimators': 575, 'subsample': 0.8705993344248909}
Epoch : 1631: f1_weighted Score 0.814 params {'colsample_bytree': 0.3920057773047351, 'gamma': 0.7165289246766126, 'learning_rate': 0.0070946812772993695, 'max_depth': 12, 'min_child_weight': 5.463185479163785, 'n_estimators': 425, 'subsample': 0.9280429021358862}
Epoch : 1632: f1_weighted Score 0.814 params {'colsample_bytree': 0.38480151221139447, 'gamma': 0.795101782674713, 'learning_rate': 0.00774989100084999, 'max_depth': 14, 'min_child_weight': 4.378278930458463, 'n_estimators': 325, 'subsample': 0.9488701430959916}
Epoch : 1633: f1_weighted Score 0.811 params {'colsample_bytree': 0.41065451045260287, 'gamma': 0.8489086291682969, 'learning_rate': 0.008884309907579505, 'max_depth': 15, 'min_child_weight': 3.522647964310078, 'n_estimators': 300, 'subsample': 0.9216022797215793}
Epoch : 1634: f1_weighted Score 0.814 params {'colsample_bytree': 0.34637885353266723, 'gamma': 0.6567412085635623, 'learning_rate': 0.0073103267076983875, 'max_depth': 11, 'min_child_weight': 5.2793371219425875, 'n_estimators': 425, 'subsample': 0.8919296647678262}
Epoch : 1635: f1_weighted Score 0.810 params {'colsample_bytree': 0.32375390698691126, 'gamma': 0.6663642235696875, 'learning_rate': 0.01140327706495931, 'max_depth': 14, 'min_child_weight': 5.620176532868858, 'n_estimators': 225, 'subsample': 0.8933547808505079}
Epoch : 1636: f1_weighted Score 0.812 params {'colsample_bytree': 0.3481305082061392, 'gamma': 0.6948943402325409, 'learning_rate': 0.007166082632629, 'max_depth': 19, 'min_child_weight': 4.354417917966956, 'n_estimators': 400, 'subsample': 0.9350370989290109}
Epoch : 1637: f1_weighted Score 0.812 params {'colsample_bytree': 0.3572096865912732, 'gamma': 0.7458839970637698, 'learning_rate': 0.012838959434750136, 'max_depth': 11, 'min_child_weight': 5.667800849007613, 'n_estimators': 275, 'subsample': 0.9293778782482676}
Epoch : 1638: f1_weighted Score 0.790 params {'colsample_bytree': 0.36762456933461307, 'gamma': 0.5930119785268664, 'learning_rate': 0.008072348526616053, 'max_depth': 18, 'min_child_weight': 0.6423255215761907, 'n_estimators': 400, 'subsample': 0.9740588296474806}
Epoch : 1639: f1_weighted Score 0.812 params {'colsample_bytree': 0.37980808401254923, 'gamma': 0.39628769972423017, 'learning_rate': 0.0062115826448841385, 'max_depth': 19, 'min_child_weight': 6.345063742303668, 'n_estimators': 450, 'subsample': 0.9683920017017466}
Epoch : 1640: f1_weighted Score 0.814 params {'colsample_bytree': 0.3383383637911037, 'gamma': 0.06308876444784568, 'learning_rate': 0.006253642593797931, 'max_depth': 20, 'min_child_weight': 6.000521079513576, 'n_estimators': 475, 'subsample': 0.9714642299160055}
Epoch : 1641: f1_weighted Score 0.812 params {'colsample_bytree': 0.4255810086998061, 'gamma': 0.04896078659103842, 'learning_rate': 0.005817973304807678, 'max_depth': 12, 'min_child_weight': 5.986124888010123, 'n_estimators': 500, 'subsample': 0.98136056371601}
Epoch : 1642: f1_weighted Score 0.814 params {'colsample_bytree': 0.36621435157793863, 'gamma': 0.0008539704974068335, 'learning_rate': 0.006494799755637792, 'max_depth': 20, 'min_child_weight': 6.594232030742324, 'n_estimators': 475, 'subsample': 0.9585822391586218}
Epoch : 1643: f1_weighted Score 0.814 params {'colsample_bytree': 0.32044588483175246, 'gamma': 0.02524740138682449, 'learning_rate': 0.026674620279239666, 'max_depth': 18, 'min_child_weight': 6.590181488642184, 'n_estimators': 175, 'subsample': 0.9624727393431434}
Epoch : 1644: f1_weighted Score 0.783 params {'colsample_bytree': 0.31958215237582444, 'gamma': 0.6171189272397739, 'learning_rate': 0.024809675815616303, 'max_depth': 18, 'min_child_weight': 1.6957510325676868, 'n_estimators': 100, 'subsample': 0.9384743035652493}
Epoch : 1645: f1_weighted Score 0.800 params {'colsample_bytree': 0.4042050105701919, 'gamma': 0.7332039423057405, 'learning_rate': 0.010275779412813007, 'max_depth': 12, 'min_child_weight': 3.619471323993938, 'n_estimators': 150, 'subsample': 0.9320262197959724}
Epoch : 1646: f1_weighted Score 0.814 params {'colsample_bytree': 0.3364330838390184, 'gamma': 0.12242804059534862, 'learning_rate': 0.0063782049986584885, 'max_depth': 20, 'min_child_weight': 4.836095153781776, 'n_estimators': 425, 'subsample': 0.9428740457136889}
Epoch : 1647: f1_weighted Score 0.810 params {'colsample_bytree': 0.30210266710596806, 'gamma': 0.5618283249947875, 'learning_rate': 0.006624400934723944, 'max_depth': 20, 'min_child_weight': 6.901624694983338, 'n_estimators': 425, 'subsample': 0.9649726864829402}
Epoch : 1648: f1_weighted Score 0.814 params {'colsample_bytree': 0.35740049428432824, 'gamma': 0.5390395126762613, 'learning_rate': 0.00867289733575063, 'max_depth': 15, 'min_child_weight': 5.547087482161855, 'n_estimators': 350, 'subsample': 0.9113122721303661}
Epoch : 1649: f1_weighted Score 0.812 params {'colsample_bytree': 0.33622347535124264, 'gamma': 0.5338442396521046, 'learning_rate': 0.008359347079743713, 'max_depth': 19, 'min_child_weight': 7.0521669959343205, 'n_estimators': 375, 'subsample': 0.9686840264700471}
Epoch : 1650: f1_weighted Score 0.812 params {'colsample_bytree': 0.39006997794819465, 'gamma': 0.9753984250898126, 'learning_rate': 0.009148393974280215, 'max_depth': 17, 'min_child_weight': 4.912953483309485, 'n_estimators': 325, 'subsample': 0.969184690194615}
Epoch : 1651: f1_weighted Score 0.809 params {'colsample_bytree': 0.4188948067654521, 'gamma': 0.8427517398781543, 'learning_rate': 0.00814965054215888, 'max_depth': 17, 'min_child_weight': 4.51410016688034, 'n_estimators': 375, 'subsample': 0.9614457851527664}
Epoch : 1652: f1_weighted Score 0.810 params {'colsample_bytree': 0.31053814185972106, 'gamma': 0.018801239044086246, 'learning_rate': 0.0054080886387525605, 'max_depth': 20, 'min_child_weight': 5.8995040154014315, 'n_estimators': 525, 'subsample': 0.9639212465100355}
Epoch : 1653: f1_weighted Score 0.811 params {'colsample_bytree': 0.37355648634428423, 'gamma': 0.6381494752449619, 'learning_rate': 0.012005998560020086, 'max_depth': 11, 'min_child_weight': 5.527167742015982, 'n_estimators': 325, 'subsample': 0.9307167037689178}
Epoch : 1654: f1_weighted Score 0.811 params {'colsample_bytree': 0.37858192868464424, 'gamma': 0.6776228450005913, 'learning_rate': 0.009883179622009167, 'max_depth': 19, 'min_child_weight': 5.743046680662571, 'n_estimators': 350, 'subsample': 0.9756921568182196}
Epoch : 1655: f1_weighted Score 0.812 params {'colsample_bytree': 0.3864975262489884, 'gamma': 0.7054285823600515, 'learning_rate': 0.008949457864522383, 'max_depth': 19, 'min_child_weight': 5.840104190980505, 'n_estimators': 350, 'subsample': 0.9731321965862761}
Epoch : 1656: f1_weighted Score 0.814 params {'colsample_bytree': 0.3758614445770528, 'gamma': 0.8841334885878597, 'learning_rate': 0.007660817336257517, 'max_depth': 18, 'min_child_weight': 5.072323290500591, 'n_estimators': 400, 'subsample': 0.9659720176880637}
Epoch : 1657: f1_weighted Score 0.810 params {'colsample_bytree': 0.3013310887108498, 'gamma': 0.07055243016129992, 'learning_rate': 0.007817901760676697, 'max_depth': 20, 'min_child_weight': 5.320177961054346, 'n_estimators': 400, 'subsample': 0.9685713732336028}
Epoch : 1658: f1_weighted Score 0.814 params {'colsample_bytree': 0.3712773934719131, 'gamma': 0.9212359768354214, 'learning_rate': 0.005084834818171291, 'max_depth': 11, 'min_child_weight': 4.728173273956908, 'n_estimators': 575, 'subsample': 0.9417160275981445}
Epoch : 1659: f1_weighted Score 0.808 params {'colsample_bytree': 0.3319414879476946, 'gamma': 0.0016669209038275706, 'learning_rate': 0.005438415437219635, 'max_depth': 10, 'min_child_weight': 5.113774690521116, 'n_estimators': 500, 'subsample': 0.9889948923458609}
Epoch : 1660: f1_weighted Score 0.814 params {'colsample_bytree': 0.4378783890389938, 'gamma': 0.604616154241323, 'learning_rate': 0.010039376476699472, 'max_depth': 14, 'min_child_weight': 4.956507240431117, 'n_estimators': 275, 'subsample': 0.9367159332811407}
Epoch : 1661: f1_weighted Score 0.802 params {'colsample_bytree': 0.44891626369254484, 'gamma': 0.07531496649494057, 'learning_rate': 0.01296563800029408, 'max_depth': 8, 'min_child_weight': 5.041648441625659, 'n_estimators': 375, 'subsample': 0.9934271225717709}
Epoch : 1662: f1_weighted Score 0.810 params {'colsample_bytree': 0.5033605726440866, 'gamma': 0.6352680338448035, 'learning_rate': 0.007248435398956012, 'max_depth': 20, 'min_child_weight': 4.994332295245299, 'n_estimators': 350, 'subsample': 0.9489880712016829}
Epoch : 1663: f1_weighted Score 0.812 params {'colsample_bytree': 0.5160066114778532, 'gamma': 0.714556854035189, 'learning_rate': 0.014524422946534662, 'max_depth': 13, 'min_child_weight': 4.303236591836187, 'n_estimators': 125, 'subsample': 0.904664013449564}
Epoch : 1664: f1_weighted Score 0.810 params {'colsample_bytree': 0.5287343267006327, 'gamma': 0.6538386996568519, 'learning_rate': 0.009400259182703133, 'max_depth': 13, 'min_child_weight': 5.657203217867685, 'n_estimators': 325, 'subsample': 0.8893014892991127}
Epoch : 1665: f1_weighted Score 0.814 params {'colsample_bytree': 0.4232785142410848, 'gamma': 0.7706143016429439, 'learning_rate': 0.010853740946108244, 'max_depth': 19, 'min_child_weight': 4.668588720838418, 'n_estimators': 225, 'subsample': 0.9212177564283667}
Epoch : 1666: f1_weighted Score 0.812 params {'colsample_bytree': 0.3214942585738323, 'gamma': 0.08955089030994268, 'learning_rate': 0.014998653874166622, 'max_depth': 8, 'min_child_weight': 5.200010793722573, 'n_estimators': 200, 'subsample': 0.9892747015314041}
Epoch : 1667: f1_weighted Score 0.812 params {'colsample_bytree': 0.40457775576734867, 'gamma': 0.582922191832118, 'learning_rate': 0.006863879035517418, 'max_depth': 14, 'min_child_weight': 6.146677594119032, 'n_estimators': 450, 'subsample': 0.9558356427714193}
Epoch : 1668: f1_weighted Score 0.809 params {'colsample_bytree': 0.4935050183139212, 'gamma': 0.6752752562708272, 'learning_rate': 0.012100564307717243, 'max_depth': 17, 'min_child_weight': 4.502630060902853, 'n_estimators': 275, 'subsample': 0.9099198967212682}
Epoch : 1669: f1_weighted Score 0.801 params {'colsample_bytree': 0.66916910512465, 'gamma': 0.1755223586392032, 'learning_rate': 0.03474097846631367, 'max_depth': 18, 'min_child_weight': 7.491377497134289, 'n_estimators': 425, 'subsample': 0.9509209867937394}
Epoch : 1670: f1_weighted Score 0.810 params {'colsample_bytree': 0.3470300480361687, 'gamma': 0.050584217173320685, 'learning_rate': 0.005012053180153523, 'max_depth': 12, 'min_child_weight': 6.275577627490164, 'n_estimators': 500, 'subsample': 0.9814017893679625}
Epoch : 1671: f1_weighted Score 0.810 params {'colsample_bytree': 0.3657001141634164, 'gamma': 0.5792655722956, 'learning_rate': 0.0050004875978672345, 'max_depth': 18, 'min_child_weight': 4.85042201135171, 'n_estimators': 475, 'subsample': 0.9614422073478663}
Epoch : 1672: f1_weighted Score 0.812 params {'colsample_bytree': 0.6416273733317326, 'gamma': 0.8152401043531969, 'learning_rate': 0.00915898867775465, 'max_depth': 11, 'min_child_weight': 7.2523708397833575, 'n_estimators': 350, 'subsample': 0.8342913898648237}
Epoch : 1673: f1_weighted Score 0.812 params {'colsample_bytree': 0.6186769143074123, 'gamma': 0.9776088250943982, 'learning_rate': 0.00594494367187854, 'max_depth': 15, 'min_child_weight': 5.411239527373009, 'n_estimators': 550, 'subsample': 0.8311393196047729}
Epoch : 1674: f1_weighted Score 0.812 params {'colsample_bytree': 0.5877122214948576, 'gamma': 0.7682378091660357, 'learning_rate': 0.01396378308818397, 'max_depth': 16, 'min_child_weight': 7.86330955090186, 'n_estimators': 225, 'subsample': 0.8159988055625239}
Epoch : 1675: f1_weighted Score 0.812 params {'colsample_bytree': 0.5169817323337792, 'gamma': 0.7859056502843089, 'learning_rate': 0.009470732025205993, 'max_depth': 10, 'min_child_weight': 7.939932601907115, 'n_estimators': 300, 'subsample': 0.8402793920436447}
Epoch : 1676: f1_weighted Score 0.810 params {'colsample_bytree': 0.3016895218902945, 'gamma': 0.10862923339884312, 'learning_rate': 0.006343037603056674, 'max_depth': 12, 'min_child_weight': 6.15044540331329, 'n_estimators': 450, 'subsample': 0.9880188741920741}
Epoch : 1677: f1_weighted Score 0.809 params {'colsample_bytree': 0.4044993773038681, 'gamma': 0.23487039527604467, 'learning_rate': 0.010661983179601656, 'max_depth': 13, 'min_child_weight': 3.1188405503102636, 'n_estimators': 250, 'subsample': 0.8244264715347414}
Epoch : 1678: f1_weighted Score 0.811 params {'colsample_bytree': 0.5488500356254262, 'gamma': 0.6654130929570473, 'learning_rate': 0.00845439886173461, 'max_depth': 13, 'min_child_weight': 5.377131568491547, 'n_estimators': 375, 'subsample': 0.9569913197738874}
Epoch : 1679: f1_weighted Score 0.812 params {'colsample_bytree': 0.5696659529657995, 'gamma': 0.186994862599724, 'learning_rate': 0.005006718592669761, 'max_depth': 10, 'min_child_weight': 5.583328603565964, 'n_estimators': 575, 'subsample': 0.9168427848571122}
Epoch : 1680: f1_weighted Score 0.812 params {'colsample_bytree': 0.3913942824009776, 'gamma': 0.0356765132812592, 'learning_rate': 0.008479352076612783, 'max_depth': 20, 'min_child_weight': 6.743097175929055, 'n_estimators': 400, 'subsample': 0.9687278800175978}
Epoch : 1681: f1_weighted Score 0.787 params {'colsample_bytree': 0.4716840875361095, 'gamma': 0.1854074144689757, 'learning_rate': 0.08211553902329771, 'max_depth': 13, 'min_child_weight': 3.2944567431645337, 'n_estimators': 250, 'subsample': 0.8328019095362685}
Epoch : 1682: f1_weighted Score 0.812 params {'colsample_bytree': 0.35652762783037817, 'gamma': 0.8865293091247652, 'learning_rate': 0.007743406732549774, 'max_depth': 12, 'min_child_weight': 6.575479041011382, 'n_estimators': 300, 'subsample': 0.9839869244973393}
Epoch : 1683: f1_weighted Score 0.812 params {'colsample_bytree': 0.35508330322859816, 'gamma': 0.9880777866685504, 'learning_rate': 0.006292271419918774, 'max_depth': 10, 'min_child_weight': 4.68348619485178, 'n_estimators': 475, 'subsample': 0.9716673814385384}
Epoch : 1684: f1_weighted Score 0.812 params {'colsample_bytree': 0.763787343572055, 'gamma': 0.7741101204909773, 'learning_rate': 0.009184006218410935, 'max_depth': 8, 'min_child_weight': 8.091636632912026, 'n_estimators': 250, 'subsample': 0.8026579421529745}
Epoch : 1685: f1_weighted Score 0.806 params {'colsample_bytree': 0.4388779934422066, 'gamma': 0.7065301813357023, 'learning_rate': 0.012892032636143353, 'max_depth': 16, 'min_child_weight': 4.25329140749316, 'n_estimators': 275, 'subsample': 0.9456255837135392}
Epoch : 1686: f1_weighted Score 0.814 params {'colsample_bytree': 0.3828861395727763, 'gamma': 0.7298189965709808, 'learning_rate': 0.010075967608341023, 'max_depth': 18, 'min_child_weight': 5.1915237886925425, 'n_estimators': 300, 'subsample': 0.9532046594597329}
Epoch : 1687: f1_weighted Score 0.806 params {'colsample_bytree': 0.3594506779875499, 'gamma': 0.6867855970531926, 'learning_rate': 0.012461926183303787, 'max_depth': 18, 'min_child_weight': 4.99003704292992, 'n_estimators': 150, 'subsample': 0.9387276517124079}
Epoch : 1688: f1_weighted Score 0.808 params {'colsample_bytree': 0.6838574453717683, 'gamma': 0.8295369980230191, 'learning_rate': 0.011306016618383312, 'max_depth': 11, 'min_child_weight': 7.752835290728064, 'n_estimators': 550, 'subsample': 0.8585887095405483}
Epoch : 1689: f1_weighted Score 0.812 params {'colsample_bytree': 0.34097467382349544, 'gamma': 0.6916021456763886, 'learning_rate': 0.01590926321822564, 'max_depth': 14, 'min_child_weight': 4.107114545336936, 'n_estimators': 175, 'subsample': 0.8105350840998078}
Epoch : 1690: f1_weighted Score 0.812 params {'colsample_bytree': 0.40517519405671537, 'gamma': 0.7637825164591922, 'learning_rate': 0.007751554015241034, 'max_depth': 19, 'min_child_weight': 4.376043988004595, 'n_estimators': 375, 'subsample': 0.9422477260498845}
Epoch : 1691: f1_weighted Score 0.812 params {'colsample_bytree': 0.42214392649505006, 'gamma': 0.9584294969571475, 'learning_rate': 0.008164163465714304, 'max_depth': 19, 'min_child_weight': 4.285486990739216, 'n_estimators': 325, 'subsample': 0.9100711648994729}
Epoch : 1692: f1_weighted Score 0.812 params {'colsample_bytree': 0.4582814604080101, 'gamma': 0.8156600742880165, 'learning_rate': 0.011862960732985433, 'max_depth': 15, 'min_child_weight': 8.250556807707545, 'n_estimators': 200, 'subsample': 0.9342710426763422}
Epoch : 1693: f1_weighted Score 0.814 params {'colsample_bytree': 0.4089755180966674, 'gamma': 0.7691192688034576, 'learning_rate': 0.010334425539871968, 'max_depth': 12, 'min_child_weight': 4.8310811316946864, 'n_estimators': 300, 'subsample': 0.9394706337175881}
Epoch : 1694: f1_weighted Score 0.811 params {'colsample_bytree': 0.4333650488372126, 'gamma': 0.8096843326904541, 'learning_rate': 0.0089639419612252, 'max_depth': 15, 'min_child_weight': 3.8647993246461168, 'n_estimators': 325, 'subsample': 0.8441405656089559}
Epoch : 1695: f1_weighted Score 0.810 params {'colsample_bytree': 0.32914683787211163, 'gamma': 0.47795024622737675, 'learning_rate': 0.006830564464359799, 'max_depth': 20, 'min_child_weight': 6.214606698241688, 'n_estimators': 450, 'subsample': 0.9362705413391481}
Epoch : 1696: f1_weighted Score 0.812 params {'colsample_bytree': 0.46259872055089357, 'gamma': 0.6413854816573489, 'learning_rate': 0.010066482884778908, 'max_depth': 18, 'min_child_weight': 5.127349254899736, 'n_estimators': 200, 'subsample': 0.945190464829834}
Epoch : 1697: f1_weighted Score 0.814 params {'colsample_bytree': 0.37462960569080117, 'gamma': 0.8664638025529343, 'learning_rate': 0.007316705975161578, 'max_depth': 7, 'min_child_weight': 5.367961942626708, 'n_estimators': 425, 'subsample': 0.9915707172721288}
Epoch : 1698: f1_weighted Score 0.811 params {'colsample_bytree': 0.3595792823091842, 'gamma': 0.9285064516824645, 'learning_rate': 0.005637895891743303, 'max_depth': 9, 'min_child_weight': 4.707033708193448, 'n_estimators': 575, 'subsample': 0.9935941130005488}
Epoch : 1699: f1_weighted Score 0.814 params {'colsample_bytree': 0.44796925664375264, 'gamma': 0.09192893166705685, 'learning_rate': 0.008492663519485058, 'max_depth': 19, 'min_child_weight': 5.842628665838443, 'n_estimators': 350, 'subsample': 0.9455957994539066}
Epoch : 1700: f1_weighted Score 0.812 params {'colsample_bytree': 0.48195039321613486, 'gamma': 0.746198977292397, 'learning_rate': 0.007793950808505197, 'max_depth': 17, 'min_child_weight': 5.23237978041752, 'n_estimators': 400, 'subsample': 0.9936871668392486}
Epoch : 1701: f1_weighted Score 0.809 params {'colsample_bytree': 0.38050299020435957, 'gamma': 0.9498977927980534, 'learning_rate': 0.00532902741941525, 'max_depth': 9, 'min_child_weight': 4.596932258030851, 'n_estimators': 625, 'subsample': 0.9778836722732035}
Epoch : 1702: f1_weighted Score 0.812 params {'colsample_bytree': 0.5120416403682061, 'gamma': 0.8213891704637764, 'learning_rate': 0.00798029779498389, 'max_depth': 10, 'min_child_weight': 9.708286885388974, 'n_estimators': 375, 'subsample': 0.9604293876421269}
Epoch : 1703: f1_weighted Score 0.814 params {'colsample_bytree': 0.3710600632213993, 'gamma': 0.7409264612130491, 'learning_rate': 0.00994602760707653, 'max_depth': 11, 'min_child_weight': 5.5884836643164615, 'n_estimators': 325, 'subsample': 0.9559940625404884}
Epoch : 1704: f1_weighted Score 0.812 params {'colsample_bytree': 0.33504032023279223, 'gamma': 0.4096338437464362, 'learning_rate': 0.009529198025478356, 'max_depth': 6, 'min_child_weight': 5.465797598971038, 'n_estimators': 275, 'subsample': 0.9492091653431971}
Epoch : 1705: f1_weighted Score 0.796 params {'colsample_bytree': 0.3180752465075444, 'gamma': 0.3564118953996632, 'learning_rate': 0.009083620308490956, 'max_depth': 7, 'min_child_weight': 6.126001960105926, 'n_estimators': 1475, 'subsample': 0.9307068341317951}
Epoch : 1706: f1_weighted Score 0.812 params {'colsample_bytree': 0.385437341243966, 'gamma': 0.8582937702081135, 'learning_rate': 0.007336931633047893, 'max_depth': 18, 'min_child_weight': 7.014246131308908, 'n_estimators': 400, 'subsample': 0.9790357429332953}
Epoch : 1707: f1_weighted Score 0.812 params {'colsample_bytree': 0.361257209034955, 'gamma': 0.6980026421992294, 'learning_rate': 0.008578720682110444, 'max_depth': 16, 'min_child_weight': 4.3142779812603855, 'n_estimators': 250, 'subsample': 0.8985688388559623}
Epoch : 1708: f1_weighted Score 0.812 params {'colsample_bytree': 0.34213916586126136, 'gamma': 0.6541523927072097, 'learning_rate': 0.013624012468637543, 'max_depth': 11, 'min_child_weight': 6.433181014893254, 'n_estimators': 175, 'subsample': 0.9344292242101775}
Epoch : 1709: f1_weighted Score 0.809 params {'colsample_bytree': 0.48512990204951695, 'gamma': 0.9567687401579479, 'learning_rate': 0.005020569135599958, 'max_depth': 5, 'min_child_weight': 4.441077273508947, 'n_estimators': 550, 'subsample': 0.9738163268017799}
Epoch : 1710: f1_weighted Score 0.768 params {'colsample_bytree': 0.30898264289722566, 'gamma': 0.7478491806490214, 'learning_rate': 0.010493089747410452, 'max_depth': 19, 'min_child_weight': 3.9954120927487953, 'n_estimators': 100, 'subsample': 0.9269037116847818}
Epoch : 1711: f1_weighted Score 0.810 params {'colsample_bytree': 0.300048670429778, 'gamma': 0.40259790767618386, 'learning_rate': 0.008588295255454282, 'max_depth': 5, 'min_child_weight': 6.005219275840793, 'n_estimators': 275, 'subsample': 0.9760809453808724}
Epoch : 1712: f1_weighted Score 0.802 params {'colsample_bytree': 0.314538119340564, 'gamma': 0.0026374052017223426, 'learning_rate': 0.011327129212156692, 'max_depth': 15, 'min_child_weight': 4.104183366947288, 'n_estimators': 225, 'subsample': 0.9858369679848814}
Epoch : 1713: f1_weighted Score 0.801 params {'colsample_bytree': 0.3681782845750153, 'gamma': 0.7719745829701151, 'learning_rate': 0.00745186397399015, 'max_depth': 7, 'min_child_weight': 7.759712241014489, 'n_estimators': 150, 'subsample': 0.9304084380246167}
Epoch : 1714: f1_weighted Score 0.812 params {'colsample_bytree': 0.3412964601667969, 'gamma': 0.6101571398640133, 'learning_rate': 0.007392404053377686, 'max_depth': 12, 'min_child_weight': 6.905451306936959, 'n_estimators': 450, 'subsample': 0.8817727304442059}
Epoch : 1715: f1_weighted Score 0.814 params {'colsample_bytree': 0.38868724475271194, 'gamma': 0.9901541086183905, 'learning_rate': 0.009008097898697151, 'max_depth': 10, 'min_child_weight': 3.8413133967265516, 'n_estimators': 325, 'subsample': 0.8258846974551455}
Epoch : 1716: f1_weighted Score 0.814 params {'colsample_bytree': 0.4624850356456005, 'gamma': 0.04256585373091311, 'learning_rate': 0.006892627112513175, 'max_depth': 10, 'min_child_weight': 5.82099506889943, 'n_estimators': 375, 'subsample': 0.9730643295725342}
Epoch : 1717: f1_weighted Score 0.814 params {'colsample_bytree': 0.3523915360717631, 'gamma': 0.004797072525041383, 'learning_rate': 0.005720811515050338, 'max_depth': 10, 'min_child_weight': 4.6209872175693985, 'n_estimators': 525, 'subsample': 0.8367080446125277}
Epoch : 1718: f1_weighted Score 0.812 params {'colsample_bytree': 0.3791564648862578, 'gamma': 0.8782243114686179, 'learning_rate': 0.0079822970407955, 'max_depth': 9, 'min_child_weight': 4.494465625630558, 'n_estimators': 225, 'subsample': 0.9402330869974178}
Epoch : 1719: f1_weighted Score 0.814 params {'colsample_bytree': 0.3938612102287246, 'gamma': 0.6678243681015817, 'learning_rate': 0.00805609427149703, 'max_depth': 13, 'min_child_weight': 5.118070475609802, 'n_estimators': 350, 'subsample': 0.9511253844665845}
Epoch : 1720: f1_weighted Score 0.808 params {'colsample_bytree': 0.3935696917448428, 'gamma': 0.6671791288255043, 'learning_rate': 0.011009139000994827, 'max_depth': 19, 'min_child_weight': 4.993397046614471, 'n_estimators': 125, 'subsample': 0.9472220552037798}
Epoch : 1721: f1_weighted Score 0.812 params {'colsample_bytree': 0.3567198130202525, 'gamma': 0.8843349562194787, 'learning_rate': 0.0059316915864367666, 'max_depth': 10, 'min_child_weight': 5.650070500926835, 'n_estimators': 575, 'subsample': 0.9510807755341635}
Epoch : 1722: f1_weighted Score 0.811 params {'colsample_bytree': 0.6677404851416766, 'gamma': 0.032229951421384066, 'learning_rate': 0.011606909550488197, 'max_depth': 20, 'min_child_weight': 6.501808238761891, 'n_estimators': 250, 'subsample': 0.9680205597062295}
Epoch : 1723: f1_weighted Score 0.811 params {'colsample_bytree': 0.3984129355303178, 'gamma': 0.9220194518319178, 'learning_rate': 0.006691691544578564, 'max_depth': 9, 'min_child_weight': 4.907408330582093, 'n_estimators': 525, 'subsample': 0.9640880109218395}
Epoch : 1724: f1_weighted Score 0.812 params {'colsample_bytree': 0.6105589468328644, 'gamma': 0.7980905730891258, 'learning_rate': 0.012204859798186059, 'max_depth': 20, 'min_child_weight': 4.508726804664079, 'n_estimators': 150, 'subsample': 0.8066668938670809}
Epoch : 1725: f1_weighted Score 0.811 params {'colsample_bytree': 0.3647386741302387, 'gamma': 0.3971597011457729, 'learning_rate': 0.009059718247697605, 'max_depth': 18, 'min_child_weight': 3.6501791928673977, 'n_estimators': 300, 'subsample': 0.9014032221272344}
Epoch : 1726: f1_weighted Score 0.812 params {'colsample_bytree': 0.41474049270898056, 'gamma': 0.7683084742375446, 'learning_rate': 0.010425560028558921, 'max_depth': 15, 'min_child_weight': 3.4389472991010557, 'n_estimators': 225, 'subsample': 0.8258051594960847}
Epoch : 1727: f1_weighted Score 0.810 params {'colsample_bytree': 0.4204478430674298, 'gamma': 0.09409765054925356, 'learning_rate': 0.006091077092252806, 'max_depth': 12, 'min_child_weight': 6.10403540557816, 'n_estimators': 425, 'subsample': 0.9995249895453591}
Epoch : 1728: f1_weighted Score 0.812 params {'colsample_bytree': 0.5492501105651156, 'gamma': 0.8022026738815421, 'learning_rate': 0.007198528870716803, 'max_depth': 12, 'min_child_weight': 7.475055927541643, 'n_estimators': 500, 'subsample': 0.8136895969483282}
Epoch : 1729: f1_weighted Score 0.810 params {'colsample_bytree': 0.32195647039021824, 'gamma': 0.832831847452567, 'learning_rate': 0.011035554592795663, 'max_depth': 15, 'min_child_weight': 3.9039756811720503, 'n_estimators': 250, 'subsample': 0.8106425543480553}
Epoch : 1730: f1_weighted Score 0.814 params {'colsample_bytree': 0.4373555341470583, 'gamma': 0.7320835610507028, 'learning_rate': 0.010006014327885115, 'max_depth': 20, 'min_child_weight': 5.0133341161986555, 'n_estimators': 275, 'subsample': 0.9410589914888164}
Epoch : 1731: f1_weighted Score 0.810 params {'colsample_bytree': 0.31249865539415717, 'gamma': 0.6456257648584363, 'learning_rate': 0.006704372241080029, 'max_depth': 20, 'min_child_weight': 6.307624882468354, 'n_estimators': 400, 'subsample': 0.9773369870840076}
Epoch : 1732: f1_weighted Score 0.812 params {'colsample_bytree': 0.3689949369158989, 'gamma': 0.23273864728775953, 'learning_rate': 0.013570285627566528, 'max_depth': 20, 'min_child_weight': 5.1484650117884945, 'n_estimators': 200, 'subsample': 0.9450331109791799}
Epoch : 1733: f1_weighted Score 0.803 params {'colsample_bytree': 0.30113476364756725, 'gamma': 0.05381105134827824, 'learning_rate': 0.029745158652576122, 'max_depth': 20, 'min_child_weight': 6.6039696566565755, 'n_estimators': 500, 'subsample': 0.8830546124272804}
Epoch : 1734: f1_weighted Score 0.803 params {'colsample_bytree': 0.3124722955294482, 'gamma': 0.05542816557105939, 'learning_rate': 0.038211495923282754, 'max_depth': 20, 'min_child_weight': 7.105491659800768, 'n_estimators': 475, 'subsample': 0.9702543358460738}
Epoch : 1735: f1_weighted Score 0.810 params {'colsample_bytree': 0.3242053565783477, 'gamma': 0.022270497307264707, 'learning_rate': 0.006336610512069172, 'max_depth': 20, 'min_child_weight': 6.634213688087111, 'n_estimators': 475, 'subsample': 0.8868738257045562}
Epoch : 1736: f1_weighted Score 0.811 params {'colsample_bytree': 0.40376820229658694, 'gamma': 0.9348218810161704, 'learning_rate': 0.006883743205622055, 'max_depth': 9, 'min_child_weight': 4.72307919241721, 'n_estimators': 475, 'subsample': 0.9763830534524659}
Epoch : 1737: f1_weighted Score 0.812 params {'colsample_bytree': 0.38410966267811514, 'gamma': 0.8985237577095003, 'learning_rate': 0.0068042715878957214, 'max_depth': 9, 'min_child_weight': 4.717983904481376, 'n_estimators': 450, 'subsample': 0.9797860417836565}
Epoch : 1738: f1_weighted Score 0.810 params {'colsample_bytree': 0.4146537796266365, 'gamma': 0.16045990296300647, 'learning_rate': 0.005587571267851703, 'max_depth': 12, 'min_child_weight': 5.458418428475197, 'n_estimators': 450, 'subsample': 0.9967687733449634}
Epoch : 1739: f1_weighted Score 0.811 params {'colsample_bytree': 0.4657062958507679, 'gamma': 0.711969906303719, 'learning_rate': 0.005973511976029249, 'max_depth': 11, 'min_child_weight': 4.177817576275382, 'n_estimators': 525, 'subsample': 0.8325224767080891}
Epoch : 1740: f1_weighted Score 0.814 params {'colsample_bytree': 0.3419435549729319, 'gamma': 0.08913715018962796, 'learning_rate': 0.006555538222629024, 'max_depth': 20, 'min_child_weight': 5.6644027418162795, 'n_estimators': 450, 'subsample': 0.9875083684572299}
Epoch : 1741: f1_weighted Score 0.814 params {'colsample_bytree': 0.3446858717791629, 'gamma': 0.1299617379845912, 'learning_rate': 0.0071477370057784154, 'max_depth': 11, 'min_child_weight': 5.567434221862868, 'n_estimators': 400, 'subsample': 0.993214765883012}
Epoch : 1742: f1_weighted Score 0.814 params {'colsample_bytree': 0.34645866656713514, 'gamma': 0.22307651857641428, 'learning_rate': 0.007359083021184087, 'max_depth': 16, 'min_child_weight': 5.9929149427606685, 'n_estimators': 400, 'subsample': 0.9848925001869226}
Epoch : 1743: f1_weighted Score 0.810 params {'colsample_bytree': 0.5464522041927071, 'gamma': 0.899767321940657, 'learning_rate': 0.005414449973301575, 'max_depth': 9, 'min_child_weight': 8.178514316350665, 'n_estimators': 525, 'subsample': 0.9999086825952446}
Epoch : 1744: f1_weighted Score 0.814 params {'colsample_bytree': 0.34197790669839834, 'gamma': 0.8532007922848456, 'learning_rate': 0.008633012753669973, 'max_depth': 17, 'min_child_weight': 5.2624343393244875, 'n_estimators': 350, 'subsample': 0.918567949855917}
Epoch : 1745: f1_weighted Score 0.805 params {'colsample_bytree': 0.30230441393601865, 'gamma': 0.004458837327762142, 'learning_rate': 0.09049710106024109, 'max_depth': 17, 'min_child_weight': 6.520564463603172, 'n_estimators': 100, 'subsample': 0.940937497868421}
Epoch : 1746: f1_weighted Score 0.797 params {'colsample_bytree': 0.3238159195472052, 'gamma': 0.5879351897576455, 'learning_rate': 0.028047063630653464, 'max_depth': 15, 'min_child_weight': 5.755921416321583, 'n_estimators': 75, 'subsample': 0.8011628228355445}
Epoch : 1747: f1_weighted Score 0.810 params {'colsample_bytree': 0.3292404630692353, 'gamma': 0.6215988076192336, 'learning_rate': 0.008219725002549895, 'max_depth': 10, 'min_child_weight': 5.669533336432759, 'n_estimators': 350, 'subsample': 0.9414284694291344}
Epoch : 1748: f1_weighted Score 0.809 params {'colsample_bytree': 0.42584552144295773, 'gamma': 0.7212110085532482, 'learning_rate': 0.0056094495082541825, 'max_depth': 11, 'min_child_weight': 4.849738931833561, 'n_estimators': 625, 'subsample': 0.9362565874107565}
Epoch : 1749: f1_weighted Score 0.814 params {'colsample_bytree': 0.40334339062292357, 'gamma': 0.7849363156516346, 'learning_rate': 0.009811547577836446, 'max_depth': 19, 'min_child_weight': 5.96853419121531, 'n_estimators': 300, 'subsample': 0.9592130123207072}
Epoch : 1750: f1_weighted Score 0.810 params {'colsample_bytree': 0.40324825471845727, 'gamma': 0.8696117679888306, 'learning_rate': 0.012628275155793426, 'max_depth': 19, 'min_child_weight': 5.923740561776152, 'n_estimators': 125, 'subsample': 0.9574277895612527}
Epoch : 1751: f1_weighted Score 0.810 params {'colsample_bytree': 0.30177911419154924, 'gamma': 0.001986633262762539, 'learning_rate': 0.005268716337075448, 'max_depth': 10, 'min_child_weight': 6.828414182193909, 'n_estimators': 600, 'subsample': 0.9579466577751384}
Epoch : 1752: f1_weighted Score 0.810 params {'colsample_bytree': 0.3175596891901899, 'gamma': 0.03285091217025811, 'learning_rate': 0.006123247345856651, 'max_depth': 13, 'min_child_weight': 7.364407128111429, 'n_estimators': 550, 'subsample': 0.9541796835181089}
Epoch : 1753: f1_weighted Score 0.797 params {'colsample_bytree': 0.30021190862878494, 'gamma': 0.001219841313121235, 'learning_rate': 0.04029197511284902, 'max_depth': 14, 'min_child_weight': 7.057803892099308, 'n_estimators': 475, 'subsample': 0.8692070557236187}
Epoch : 1754: f1_weighted Score 0.812 params {'colsample_bytree': 0.44432891289341725, 'gamma': 0.8334482327388794, 'learning_rate': 0.009358816376260657, 'max_depth': 16, 'min_child_weight': 4.143076136352438, 'n_estimators': 300, 'subsample': 0.9336983038365082}
Epoch : 1755: f1_weighted Score 0.811 params {'colsample_bytree': 0.3571252263074274, 'gamma': 0.539355339164275, 'learning_rate': 0.008719952110338535, 'max_depth': 11, 'min_child_weight': 5.447650356797635, 'n_estimators': 425, 'subsample': 0.9500107760617162}
Epoch : 1756: f1_weighted Score 0.812 params {'colsample_bytree': 0.39034643644027534, 'gamma': 0.7770799903955158, 'learning_rate': 0.019352108666744777, 'max_depth': 17, 'min_child_weight': 6.384914209779976, 'n_estimators': 150, 'subsample': 0.9826791343827979}
Epoch : 1757: f1_weighted Score 0.806 params {'colsample_bytree': 0.3804581062042066, 'gamma': 0.9052290155887441, 'learning_rate': 0.006064611172025503, 'max_depth': 19, 'min_child_weight': 4.508353563187332, 'n_estimators': 625, 'subsample': 0.9824067744383342}
Epoch : 1758: f1_weighted Score 0.812 params {'colsample_bytree': 0.4257960220157027, 'gamma': 0.9861481115456844, 'learning_rate': 0.005441553544167355, 'max_depth': 4, 'min_child_weight': 4.97236316087751, 'n_estimators': 375, 'subsample': 0.9959682206374412}
Epoch : 1759: f1_weighted Score 0.806 params {'colsample_bytree': 0.3477187815721754, 'gamma': 0.2970699850293691, 'learning_rate': 0.005835361968634177, 'max_depth': 14, 'min_child_weight': 3.921425008749015, 'n_estimators': 500, 'subsample': 0.9981640836263751}
Epoch : 1760: f1_weighted Score 0.812 params {'colsample_bytree': 0.4298501106024821, 'gamma': 0.7443934456527856, 'learning_rate': 0.006934285330495382, 'max_depth': 11, 'min_child_weight': 5.209847096050337, 'n_estimators': 425, 'subsample': 0.926484204152464}
Epoch : 1761: f1_weighted Score 0.786 params {'colsample_bytree': 0.32854759804380285, 'gamma': 0.5406236005800045, 'learning_rate': 0.024739519368418315, 'max_depth': 18, 'min_child_weight': 4.772350284274456, 'n_estimators': 75, 'subsample': 0.9068909636213474}
Epoch : 1762: f1_weighted Score 0.808 params {'colsample_bytree': 0.3519674964408743, 'gamma': 0.2823005394217687, 'learning_rate': 0.008574018089925152, 'max_depth': 10, 'min_child_weight': 4.146745074505003, 'n_estimators': 350, 'subsample': 0.9207023534290123}
Epoch : 1763: f1_weighted Score 0.812 params {'colsample_bytree': 0.6130993945072579, 'gamma': 0.8678932949293163, 'learning_rate': 0.01666021025857781, 'max_depth': 17, 'min_child_weight': 4.669760641232363, 'n_estimators': 100, 'subsample': 0.9677976945888538}
Epoch : 1764: f1_weighted Score 0.812 params {'colsample_bytree': 0.40935939875551547, 'gamma': 0.8311032980773816, 'learning_rate': 0.011294622022094712, 'max_depth': 18, 'min_child_weight': 5.445393562022146, 'n_estimators': 275, 'subsample': 0.8374640436884152}
Epoch : 1765: f1_weighted Score 0.797 params {'colsample_bytree': 0.4478070856510876, 'gamma': 0.7596205540845883, 'learning_rate': 0.01107900004002839, 'max_depth': 18, 'min_child_weight': 5.327864836004713, 'n_estimators': 1200, 'subsample': 0.9626962644862674}
Epoch : 1766: f1_weighted Score 0.814 params {'colsample_bytree': 0.48965289846768634, 'gamma': 0.602665016262635, 'learning_rate': 0.007608298016745824, 'max_depth': 20, 'min_child_weight': 4.464975353099696, 'n_estimators': 300, 'subsample': 0.9281176111893075}
Epoch : 1767: f1_weighted Score 0.812 params {'colsample_bytree': 0.4909157617589268, 'gamma': 0.9387396670414981, 'learning_rate': 0.007908325601487652, 'max_depth': 16, 'min_child_weight': 4.91506496959363, 'n_estimators': 325, 'subsample': 0.9289423054064209}
Epoch : 1768: f1_weighted Score 0.812 params {'colsample_bytree': 0.4404112897757322, 'gamma': 0.6900061606671752, 'learning_rate': 0.013538084201566932, 'max_depth': 15, 'min_child_weight': 6.2290278861871595, 'n_estimators': 200, 'subsample': 0.9467415148917983}
Epoch : 1769: f1_weighted Score 0.814 params {'colsample_bytree': 0.37545080767857303, 'gamma': 0.4547751640229407, 'learning_rate': 0.008692031707651034, 'max_depth': 15, 'min_child_weight': 4.309035188373445, 'n_estimators': 300, 'subsample': 0.9071792503786809}
Epoch : 1770: f1_weighted Score 0.814 params {'colsample_bytree': 0.4794334288425891, 'gamma': 0.6236757624581486, 'learning_rate': 0.011924623521853188, 'max_depth': 16, 'min_child_weight': 5.240975328175832, 'n_estimators': 250, 'subsample': 0.9124983056176725}
Epoch : 1771: f1_weighted Score 0.814 params {'colsample_bytree': 0.3625945878418399, 'gamma': 0.5660210916312188, 'learning_rate': 0.009456167306356627, 'max_depth': 15, 'min_child_weight': 5.077435825757124, 'n_estimators': 350, 'subsample': 0.9041454586432861}
Epoch : 1772: f1_weighted Score 0.814 params {'colsample_bytree': 0.3678867451206807, 'gamma': 0.6052053711031626, 'learning_rate': 0.007163078862855399, 'max_depth': 14, 'min_child_weight': 5.301490798616672, 'n_estimators': 400, 'subsample': 0.8949716662837297}
Epoch : 1773: f1_weighted Score 0.814 params {'colsample_bytree': 0.38220783028883404, 'gamma': 0.5932785364544716, 'learning_rate': 0.0076436068794044285, 'max_depth': 15, 'min_child_weight': 3.9660116824166196, 'n_estimators': 325, 'subsample': 0.8814652966490019}
Epoch : 1774: f1_weighted Score 0.805 params {'colsample_bytree': 0.454259588052141, 'gamma': 0.5559556467952386, 'learning_rate': 0.009567532255883882, 'max_depth': 15, 'min_child_weight': 3.3034379200091664, 'n_estimators': 300, 'subsample': 0.8978482835828941}
Epoch : 1775: f1_weighted Score 0.809 params {'colsample_bytree': 0.6246895881817155, 'gamma': 0.6783955790536943, 'learning_rate': 0.010590140709905178, 'max_depth': 15, 'min_child_weight': 3.5214612570796584, 'n_estimators': 250, 'subsample': 0.8843105021888074}
Epoch : 1776: f1_weighted Score 0.812 params {'colsample_bytree': 0.33419879929088786, 'gamma': 0.019426775980463638, 'learning_rate': 0.034293565869543866, 'max_depth': 18, 'min_child_weight': 5.573189981960546, 'n_estimators': 125, 'subsample': 0.9589744876862959}
Epoch : 1777: f1_weighted Score 0.810 params {'colsample_bytree': 0.3443792871378777, 'gamma': 0.10558476805431269, 'learning_rate': 0.005031833092894814, 'max_depth': 8, 'min_child_weight': 6.336817700486884, 'n_estimators': 475, 'subsample': 0.989878329219607}
Epoch : 1778: f1_weighted Score 0.812 params {'colsample_bytree': 0.3907276880724957, 'gamma': 0.1276893209080606, 'learning_rate': 0.006289204708229233, 'max_depth': 12, 'min_child_weight': 6.118811575928454, 'n_estimators': 425, 'subsample': 0.9861312198711413}
Epoch : 1779: f1_weighted Score 0.795 params {'colsample_bytree': 0.30008828358824935, 'gamma': 0.022821634162114017, 'learning_rate': 0.04897119615681116, 'max_depth': 20, 'min_child_weight': 6.723118825499838, 'n_estimators': 500, 'subsample': 0.9131532024733212}
Epoch : 1780: f1_weighted Score 0.812 params {'colsample_bytree': 0.4314785161906456, 'gamma': 0.8109514395682957, 'learning_rate': 0.005045476500290977, 'max_depth': 13, 'min_child_weight': 5.869756107836431, 'n_estimators': 575, 'subsample': 0.995195721888805}
Epoch : 1781: f1_weighted Score 0.812 params {'colsample_bytree': 0.3284774369294904, 'gamma': 0.2595321374233816, 'learning_rate': 0.005158226112853222, 'max_depth': 16, 'min_child_weight': 5.721643000766358, 'n_estimators': 650, 'subsample': 0.9419546393567089}
Epoch : 1782: f1_weighted Score 0.811 params {'colsample_bytree': 0.8298151989161149, 'gamma': 0.7036160176277974, 'learning_rate': 0.012230820923329758, 'max_depth': 11, 'min_child_weight': 6.1130100392415025, 'n_estimators': 275, 'subsample': 0.9545855824247642}
Epoch : 1783: f1_weighted Score 0.811 params {'colsample_bytree': 0.41397382535949023, 'gamma': 0.9158978210807314, 'learning_rate': 0.007674633938939995, 'max_depth': 10, 'min_child_weight': 4.303595424973663, 'n_estimators': 450, 'subsample': 0.8647078067465693}
Epoch : 1784: f1_weighted Score 0.811 params {'colsample_bytree': 0.59041699401268, 'gamma': 0.47498816466665067, 'learning_rate': 0.00902617169455092, 'max_depth': 17, 'min_child_weight': 6.353383977122678, 'n_estimators': 375, 'subsample': 0.9646493946374182}
Epoch : 1785: f1_weighted Score 0.806 params {'colsample_bytree': 0.42961394992686697, 'gamma': 0.9256107602307962, 'learning_rate': 0.006518611046256747, 'max_depth': 19, 'min_child_weight': 4.627911216764105, 'n_estimators': 800, 'subsample': 0.9247112995169054}
Epoch : 1786: f1_weighted Score 0.814 params {'colsample_bytree': 0.4516731700655917, 'gamma': 0.9190371646607773, 'learning_rate': 0.00802578121275777, 'max_depth': 6, 'min_child_weight': 4.943670078326502, 'n_estimators': 350, 'subsample': 0.9506716351616374}
Epoch : 1787: f1_weighted Score 0.788 params {'colsample_bytree': 0.4655256592269195, 'gamma': 0.94719811204823, 'learning_rate': 0.18566100454131113, 'max_depth': 2, 'min_child_weight': 5.0106466881205645, 'n_estimators': 375, 'subsample': 0.9627875692227339}
Epoch : 1788: f1_weighted Score 0.805 params {'colsample_bytree': 0.4811650817843909, 'gamma': 0.569450498294004, 'learning_rate': 0.009503906229434471, 'max_depth': 14, 'min_child_weight': 2.9867745779666266, 'n_estimators': 325, 'subsample': 0.9311099353741124}
Epoch : 1789: f1_weighted Score 0.806 params {'colsample_bytree': 0.7044857176585276, 'gamma': 0.7916430767685652, 'learning_rate': 0.06556548104192289, 'max_depth': 7, 'min_child_weight': 7.6601771552252185, 'n_estimators': 425, 'subsample': 0.8189175929161773}
Epoch : 1790: f1_weighted Score 0.808 params {'colsample_bytree': 0.36887378444176, 'gamma': 0.5114909723353711, 'learning_rate': 0.006379045182777209, 'max_depth': 7, 'min_child_weight': 4.809556913104815, 'n_estimators': 575, 'subsample': 0.952966992976497}
Epoch : 1791: f1_weighted Score 0.811 params {'colsample_bytree': 0.3983361015602647, 'gamma': 0.7142939427232985, 'learning_rate': 0.011897553740896743, 'max_depth': 13, 'min_child_weight': 5.808030757629874, 'n_estimators': 325, 'subsample': 0.9553005108757523}
Epoch : 1792: f1_weighted Score 0.810 params {'colsample_bytree': 0.30016083057330817, 'gamma': 0.04024403084430763, 'learning_rate': 0.008316813278634384, 'max_depth': 11, 'min_child_weight': 5.909505340241751, 'n_estimators': 325, 'subsample': 0.9464479148616586}
Epoch : 1793: f1_weighted Score 0.812 params {'colsample_bytree': 0.5093880641205184, 'gamma': 0.5206299806076872, 'learning_rate': 0.008705843709013705, 'max_depth': 18, 'min_child_weight': 5.480884744349135, 'n_estimators': 350, 'subsample': 0.9654530885350541}
Epoch : 1794: f1_weighted Score 0.785 params {'colsample_bytree': 0.313080486632105, 'gamma': 0.004950480170196482, 'learning_rate': 0.1401151597964089, 'max_depth': 11, 'min_child_weight': 6.8423378177436955, 'n_estimators': 400, 'subsample': 0.9427397082167064}
Epoch : 1795: f1_weighted Score 0.812 params {'colsample_bytree': 0.3625220806787873, 'gamma': 0.4277015704249343, 'learning_rate': 0.009833999980994195, 'max_depth': 11, 'min_child_weight': 6.561081404618383, 'n_estimators': 325, 'subsample': 0.9353282358177419}
Epoch : 1796: f1_weighted Score 0.810 params {'colsample_bytree': 0.3304385851438414, 'gamma': 0.18481738047824559, 'learning_rate': 0.005817968770247621, 'max_depth': 3, 'min_child_weight': 4.827915288414985, 'n_estimators': 700, 'subsample': 0.9139797328541106}
Epoch : 1797: f1_weighted Score 0.811 params {'colsample_bytree': 0.3759226038098391, 'gamma': 0.9616512679997613, 'learning_rate': 0.007964107502169608, 'max_depth': 16, 'min_child_weight': 4.18590449828885, 'n_estimators': 375, 'subsample': 0.9768929853794849}
Epoch : 1798: f1_weighted Score 0.812 params {'colsample_bytree': 0.38063577450852665, 'gamma': 0.7349782801027289, 'learning_rate': 0.00904667112129471, 'max_depth': 9, 'min_child_weight': 8.043518161776273, 'n_estimators': 275, 'subsample': 0.9384376689439188}
Epoch : 1799: f1_weighted Score 0.811 params {'colsample_bytree': 0.4155847957884997, 'gamma': 0.33340758694105965, 'learning_rate': 0.005755552137049781, 'max_depth': 6, 'min_child_weight': 4.489221176178165, 'n_estimators': 550, 'subsample': 0.9229217278843251}
Epoch : 1800: f1_weighted Score 0.806 params {'colsample_bytree': 0.38393467327674363, 'gamma': 0.9386841045880923, 'learning_rate': 0.010218090282608287, 'max_depth': 7, 'min_child_weight': 5.768832571994199, 'n_estimators': 650, 'subsample': 0.9500929193314712}
Epoch : 1801: f1_weighted Score 0.812 params {'colsample_bytree': 0.3559006387719299, 'gamma': 0.3321343529384182, 'learning_rate': 0.010386290164260351, 'max_depth': 18, 'min_child_weight': 6.4973189108803835, 'n_estimators': 225, 'subsample': 0.9562535719261527}
Epoch : 1802: f1_weighted Score 0.799 params {'colsample_bytree': 0.46632944445834695, 'gamma': 0.8550844808931363, 'learning_rate': 0.00797841155109647, 'max_depth': 11, 'min_child_weight': 4.411267259524142, 'n_estimators': 900, 'subsample': 0.9256370389642098}
Epoch : 1803: f1_weighted Score 0.812 params {'colsample_bytree': 0.5006036044253158, 'gamma': 0.684680914544223, 'learning_rate': 0.010376876785876166, 'max_depth': 14, 'min_child_weight': 5.186449159003291, 'n_estimators': 200, 'subsample': 0.8741282493623809}
Epoch : 1804: f1_weighted Score 0.811 params {'colsample_bytree': 0.44297121374596526, 'gamma': 0.9827899070232017, 'learning_rate': 0.0052591813106744505, 'max_depth': 6, 'min_child_weight': 4.723081523542561, 'n_estimators': 650, 'subsample': 0.9198695047760715}
Epoch : 1805: f1_weighted Score 0.814 params {'colsample_bytree': 0.4208176612187797, 'gamma': 0.5141984684388783, 'learning_rate': 0.012728468222115883, 'max_depth': 12, 'min_child_weight': 4.144447753400478, 'n_estimators': 150, 'subsample': 0.9173550200050642}
Epoch : 1806: f1_weighted Score 0.803 params {'colsample_bytree': 0.34319007288893955, 'gamma': 0.46569222223589307, 'learning_rate': 0.030359349125130632, 'max_depth': 19, 'min_child_weight': 9.998888404068875, 'n_estimators': 50, 'subsample': 0.9160475225842222}
Epoch : 1807: f1_weighted Score 0.812 params {'colsample_bytree': 0.3911151578092381, 'gamma': 0.28407193337495196, 'learning_rate': 0.007468508595759469, 'max_depth': 13, 'min_child_weight': 5.904475892092546, 'n_estimators': 375, 'subsample': 0.9916308385400665}
Epoch : 1808: f1_weighted Score 0.810 params {'colsample_bytree': 0.7441320777667053, 'gamma': 0.9990336966922115, 'learning_rate': 0.006134360677287752, 'max_depth': 8, 'min_child_weight': 8.515707183791324, 'n_estimators': 700, 'subsample': 0.8162574444012048}
Epoch : 1809: f1_weighted Score 0.812 params {'colsample_bytree': 0.43870564681963475, 'gamma': 0.46877752868695827, 'learning_rate': 0.00989775264642234, 'max_depth': 18, 'min_child_weight': 5.530882056081244, 'n_estimators': 275, 'subsample': 0.9228270283191727}
Epoch : 1810: f1_weighted Score 0.812 params {'colsample_bytree': 0.3677749473559978, 'gamma': 0.7955948147033255, 'learning_rate': 0.006888503076455066, 'max_depth': 8, 'min_child_weight': 7.690422792523217, 'n_estimators': 625, 'subsample': 0.8081155510226494}
Epoch : 1811: f1_weighted Score 0.808 params {'colsample_bytree': 0.7921252336498632, 'gamma': 0.7973744556849461, 'learning_rate': 0.005676991609837939, 'max_depth': 9, 'min_child_weight': 4.560200686521432, 'n_estimators': 700, 'subsample': 0.820962698383028}
Epoch : 1812: f1_weighted Score 0.809 params {'colsample_bytree': 0.4822563457718782, 'gamma': 0.15186710578312018, 'learning_rate': 0.007700855363617458, 'max_depth': 17, 'min_child_weight': 3.842362386966223, 'n_estimators': 200, 'subsample': 0.97309151042852}
Epoch : 1813: f1_weighted Score 0.799 params {'colsample_bytree': 0.3544847820091011, 'gamma': 0.9570313255944305, 'learning_rate': 0.009670318222891279, 'max_depth': 8, 'min_child_weight': 4.62229125507475, 'n_estimators': 875, 'subsample': 0.9345450365187594}
Epoch : 1814: f1_weighted Score 0.810 params {'colsample_bytree': 0.4007012258470115, 'gamma': 0.13762291835898444, 'learning_rate': 0.007324865419495419, 'max_depth': 14, 'min_child_weight': 6.104223001012138, 'n_estimators': 275, 'subsample': 0.9386531684743278}
Epoch : 1815: f1_weighted Score 0.791 params {'colsample_bytree': 0.31359423391124336, 'gamma': 0.058507824072560805, 'learning_rate': 0.04756407428522542, 'max_depth': 20, 'min_child_weight': 6.7263039674815435, 'n_estimators': 450, 'subsample': 0.9006798744271385}
Epoch : 1816: f1_weighted Score 0.811 params {'colsample_bytree': 0.4172233105065968, 'gamma': 0.8383807621944708, 'learning_rate': 0.006234299071427086, 'max_depth': 18, 'min_child_weight': 5.0107899336155395, 'n_estimators': 525, 'subsample': 0.9683724962982639}
Epoch : 1817: f1_weighted Score 0.809 params {'colsample_bytree': 0.5634144156885791, 'gamma': 0.7597468016986095, 'learning_rate': 0.011517722238764284, 'max_depth': 9, 'min_child_weight': 7.256907786018524, 'n_estimators': 400, 'subsample': 0.9728681061623474}
Epoch : 1818: f1_weighted Score 0.812 params {'colsample_bytree': 0.5233845830730772, 'gamma': 0.1309072663602779, 'learning_rate': 0.006932164062431339, 'max_depth': 14, 'min_child_weight': 5.412169694866806, 'n_estimators': 375, 'subsample': 0.8971849205455542}
Epoch : 1819: f1_weighted Score 0.786 params {'colsample_bytree': 0.3325826883966168, 'gamma': 0.7420836011554083, 'learning_rate': 0.015735549485850108, 'max_depth': 11, 'min_child_weight': 1.9130445637827354, 'n_estimators': 175, 'subsample': 0.9593744392315301}
Epoch : 1820: f1_weighted Score 0.812 params {'colsample_bytree': 0.3554930859276154, 'gamma': 0.6275155751190709, 'learning_rate': 0.008474395656421871, 'max_depth': 11, 'min_child_weight': 5.585729657910638, 'n_estimators': 325, 'subsample': 0.9493065045350416}
Epoch : 1821: f1_weighted Score 0.808 params {'colsample_bytree': 0.3778414744712085, 'gamma': 0.9982193670995323, 'learning_rate': 0.008784661056046774, 'max_depth': 15, 'min_child_weight': 4.329292909973159, 'n_estimators': 400, 'subsample': 0.9671589243369174}
Epoch : 1822: f1_weighted Score 0.814 params {'colsample_bytree': 0.37137389212949395, 'gamma': 0.41174850586962053, 'learning_rate': 0.007942240906633742, 'max_depth': 10, 'min_child_weight': 5.756729942198397, 'n_estimators': 350, 'subsample': 0.9631015028575522}
Epoch : 1823: f1_weighted Score 0.811 params {'colsample_bytree': 0.43933344714239153, 'gamma': 0.8795764431330514, 'learning_rate': 0.0063828225022224865, 'max_depth': 8, 'min_child_weight': 5.062833812177702, 'n_estimators': 525, 'subsample': 0.9611633985534622}
Epoch : 1824: f1_weighted Score 0.788 params {'colsample_bytree': 0.3150927338189321, 'gamma': 0.02121033908729498, 'learning_rate': 0.06157987276672407, 'max_depth': 13, 'min_child_weight': 6.772698066893808, 'n_estimators': 475, 'subsample': 0.9637118419928041}
Epoch : 1825: f1_weighted Score 0.812 params {'colsample_bytree': 0.4571277095923702, 'gamma': 0.8213460132081791, 'learning_rate': 0.007320485224630914, 'max_depth': 3, 'min_child_weight': 5.891862853990762, 'n_estimators': 425, 'subsample': 0.9772673792057787}
Epoch : 1826: f1_weighted Score 0.810 params {'colsample_bytree': 0.30058943731784704, 'gamma': 0.6742927070870461, 'learning_rate': 0.00692119225031752, 'max_depth': 10, 'min_child_weight': 4.887876983787285, 'n_estimators': 600, 'subsample': 0.9409392398669486}
Epoch : 1827: f1_weighted Score 0.812 params {'colsample_bytree': 0.40566662656888697, 'gamma': 0.9367842963639412, 'learning_rate': 0.006375474954850911, 'max_depth': 14, 'min_child_weight': 4.7832382667212245, 'n_estimators': 500, 'subsample': 0.9322951273902119}
Epoch : 1828: f1_weighted Score 0.812 params {'colsample_bytree': 0.6489612179467025, 'gamma': 0.8322951889964614, 'learning_rate': 0.014689302584839192, 'max_depth': 9, 'min_child_weight': 6.348727099393224, 'n_estimators': 225, 'subsample': 0.8061561135375541}
Epoch : 1829: f1_weighted Score 0.810 params {'colsample_bytree': 0.3296920995990927, 'gamma': 0.652283013575593, 'learning_rate': 0.009370751230774807, 'max_depth': 10, 'min_child_weight': 5.321949071045427, 'n_estimators': 300, 'subsample': 0.9437575723975673}
Epoch : 1830: f1_weighted Score 0.800 params {'colsample_bytree': 0.39513260264770916, 'gamma': 0.8866428618607056, 'learning_rate': 0.03231869114473003, 'max_depth': 12, 'min_child_weight': 5.246439446982454, 'n_estimators': 225, 'subsample': 0.9290623256030273}
Epoch : 1831: f1_weighted Score 0.812 params {'colsample_bytree': 0.3520741571584365, 'gamma': 0.016745358972977797, 'learning_rate': 0.006959395494698062, 'max_depth': 9, 'min_child_weight': 3.6692326682541836, 'n_estimators': 350, 'subsample': 0.8288936671342115}
Epoch : 1832: f1_weighted Score 0.812 params {'colsample_bytree': 0.4139219753644991, 'gamma': 0.5020025802853925, 'learning_rate': 0.010534838410905653, 'max_depth': 19, 'min_child_weight': 6.314086054491075, 'n_estimators': 300, 'subsample': 0.9259108055968049}
Epoch : 1833: f1_weighted Score 0.812 params {'colsample_bytree': 0.5599408556824179, 'gamma': 0.7920972494459805, 'learning_rate': 0.013391071160195339, 'max_depth': 16, 'min_child_weight': 7.270348702753089, 'n_estimators': 225, 'subsample': 0.8552919061209527}
Epoch : 1834: f1_weighted Score 0.787 params {'colsample_bytree': 0.31970692343984514, 'gamma': 0.5270444686085577, 'learning_rate': 0.06540036376109884, 'max_depth': 13, 'min_child_weight': 6.9234187562154315, 'n_estimators': 975, 'subsample': 0.943745830226824}
Epoch : 1835: f1_weighted Score 0.812 params {'colsample_bytree': 0.4324050634417157, 'gamma': 0.7102098453192478, 'learning_rate': 0.01866461766052367, 'max_depth': 19, 'min_child_weight': 6.066855136608188, 'n_estimators': 175, 'subsample': 0.9366069638983668}
Epoch : 1836: f1_weighted Score 0.806 params {'colsample_bytree': 0.38942342291440263, 'gamma': 0.8082947818092445, 'learning_rate': 0.0070815556564959355, 'max_depth': 12, 'min_child_weight': 3.6819462997732457, 'n_estimators': 425, 'subsample': 0.9806464304442145}
Epoch : 1837: f1_weighted Score 0.810 params {'colsample_bytree': 0.40177260264464554, 'gamma': 0.7617733232777827, 'learning_rate': 0.021378427527370666, 'max_depth': 17, 'min_child_weight': 4.034721736223783, 'n_estimators': 100, 'subsample': 0.9105923368486917}
Epoch : 1838: f1_weighted Score 0.812 params {'colsample_bytree': 0.40049052191747453, 'gamma': 0.9974067839975579, 'learning_rate': 0.006602350900493956, 'max_depth': 8, 'min_child_weight': 3.81371249321494, 'n_estimators': 450, 'subsample': 0.8380528821538292}
Epoch : 1839: f1_weighted Score 0.814 params {'colsample_bytree': 0.37082814730725094, 'gamma': 0.6955656892221505, 'learning_rate': 0.0091037776182419, 'max_depth': 19, 'min_child_weight': 5.093031231952096, 'n_estimators': 300, 'subsample': 0.9321122453379288}
Epoch : 1840: f1_weighted Score 0.812 params {'colsample_bytree': 0.3736432127297862, 'gamma': 0.7177007321279634, 'learning_rate': 0.009952776583359578, 'max_depth': 10, 'min_child_weight': 5.710144098588438, 'n_estimators': 250, 'subsample': 0.9466008236359965}
Epoch : 1841: f1_weighted Score 0.811 params {'colsample_bytree': 0.6025873434682875, 'gamma': 0.10929003966726816, 'learning_rate': 0.007405467533017312, 'max_depth': 10, 'min_child_weight': 5.3750041673049145, 'n_estimators': 500, 'subsample': 0.8138501609330239}
Epoch : 1842: f1_weighted Score 0.806 params {'colsample_bytree': 0.3406980684372989, 'gamma': 0.6672375574881981, 'learning_rate': 0.01749210091449554, 'max_depth': 13, 'min_child_weight': 3.462108782055009, 'n_estimators': 250, 'subsample': 0.8497242171488963}
Epoch : 1843: f1_weighted Score 0.814 params {'colsample_bytree': 0.4505840629053267, 'gamma': 0.09352129865029395, 'learning_rate': 0.0050375800387909885, 'max_depth': 20, 'min_child_weight': 5.27128221626766, 'n_estimators': 525, 'subsample': 0.9544575684116297}
Epoch : 1844: f1_weighted Score 0.810 params {'colsample_bytree': 0.34467918074362014, 'gamma': 0.08061884855109988, 'learning_rate': 0.005562705657782988, 'max_depth': 10, 'min_child_weight': 6.051729117417422, 'n_estimators': 500, 'subsample': 0.9723214737578054}
Epoch : 1845: f1_weighted Score 0.812 params {'colsample_bytree': 0.38790815786033206, 'gamma': 0.7302156465902638, 'learning_rate': 0.008376691882342935, 'max_depth': 2, 'min_child_weight': 4.550739850484666, 'n_estimators': 350, 'subsample': 0.9254271220013538}
Epoch : 1846: f1_weighted Score 0.811 params {'colsample_bytree': 0.3640326852400776, 'gamma': 0.9053659647594473, 'learning_rate': 0.008051967951030869, 'max_depth': 17, 'min_child_weight': 4.870913159805374, 'n_estimators': 375, 'subsample': 0.9912895394611914}
Epoch : 1847: f1_weighted Score 0.777 params {'colsample_bytree': 0.31351888152439233, 'gamma': 0.046285397578500746, 'learning_rate': 0.1277515255655867, 'max_depth': 16, 'min_child_weight': 7.100438801580429, 'n_estimators': 475, 'subsample': 0.9222211759126818}
Epoch : 1848: f1_weighted Score 0.812 params {'colsample_bytree': 0.374535087051869, 'gamma': 0.14763927083003253, 'learning_rate': 0.00847050951371976, 'max_depth': 19, 'min_child_weight': 5.741435366476745, 'n_estimators': 325, 'subsample': 0.9560525525323397}
Epoch : 1849: f1_weighted Score 0.812 params {'colsample_bytree': 0.39727604050046045, 'gamma': 0.1941286415748513, 'learning_rate': 0.00899179573142048, 'max_depth': 12, 'min_child_weight': 5.836150361952862, 'n_estimators': 275, 'subsample': 0.9326420650427949}
Epoch : 1850: f1_weighted Score 0.812 params {'colsample_bytree': 0.41921866398565916, 'gamma': 0.7496159621482673, 'learning_rate': 0.009435609460028001, 'max_depth': 12, 'min_child_weight': 6.142484256045824, 'n_estimators': 325, 'subsample': 0.9391247893860379}
Epoch : 1851: f1_weighted Score 0.809 params {'colsample_bytree': 0.5738649923364465, 'gamma': 0.913601500831244, 'learning_rate': 0.007967067795476075, 'max_depth': 16, 'min_child_weight': 4.140405791367731, 'n_estimators': 400, 'subsample': 0.8770825317320767}
Epoch : 1852: f1_weighted Score 0.806 params {'colsample_bytree': 0.34765371006263573, 'gamma': 0.15971358761844326, 'learning_rate': 0.011414333415154115, 'max_depth': 20, 'min_child_weight': 5.408033561237752, 'n_estimators': 375, 'subsample': 0.9969569248231787}
Epoch : 1853: f1_weighted Score 0.812 params {'colsample_bytree': 0.35373627462821033, 'gamma': 0.7286824109090266, 'learning_rate': 0.022334201716124425, 'max_depth': 4, 'min_child_weight': 5.599677845329696, 'n_estimators': 175, 'subsample': 0.9517032318396824}
Epoch : 1854: f1_weighted Score 0.810 params {'colsample_bytree': 0.35649356449865005, 'gamma': 0.3414281656717003, 'learning_rate': 0.006047323519214453, 'max_depth': 14, 'min_child_weight': 5.1097196617661025, 'n_estimators': 400, 'subsample': 0.9138634244884395}
Epoch : 1855: f1_weighted Score 0.812 params {'colsample_bytree': 0.47028454812694087, 'gamma': 0.43456401200609884, 'learning_rate': 0.008425852217302196, 'max_depth': 10, 'min_child_weight': 5.670856360252069, 'n_estimators': 350, 'subsample': 0.8281813711377254}
Epoch : 1856: f1_weighted Score 0.810 params {'colsample_bytree': 0.40862104816790035, 'gamma': 0.8646242270996798, 'learning_rate': 0.005091803617121429, 'max_depth': 12, 'min_child_weight': 5.429740148446661, 'n_estimators': 450, 'subsample': 0.996638692297229}
Epoch : 1857: f1_weighted Score 0.814 params {'colsample_bytree': 0.4576871638101842, 'gamma': 0.017471037242655543, 'learning_rate': 0.00764454890319619, 'max_depth': 10, 'min_child_weight': 5.4555230594458655, 'n_estimators': 375, 'subsample': 0.8302904899935177}
Epoch : 1858: f1_weighted Score 0.814 params {'colsample_bytree': 0.47378668114808115, 'gamma': 0.07626454645975622, 'learning_rate': 0.009685930056632468, 'max_depth': 18, 'min_child_weight': 5.50077424036805, 'n_estimators': 275, 'subsample': 0.9755039053323689}
Epoch : 1859: f1_weighted Score 0.812 params {'colsample_bytree': 0.49642408574988606, 'gamma': 0.07719494315405111, 'learning_rate': 0.00668310054340544, 'max_depth': 20, 'min_child_weight': 6.3276548346402155, 'n_estimators': 425, 'subsample': 0.9861485289146416}
Epoch : 1860: f1_weighted Score 0.814 params {'colsample_bytree': 0.36608359107775973, 'gamma': 0.7218450537337637, 'learning_rate': 0.01001248272631966, 'max_depth': 11, 'min_child_weight': 5.954856132172406, 'n_estimators': 325, 'subsample': 0.941335967797982}
Epoch : 1861: f1_weighted Score 0.812 params {'colsample_bytree': 0.4261924444372155, 'gamma': 0.9532806892392921, 'learning_rate': 0.014795394854033729, 'max_depth': 12, 'min_child_weight': 3.9770492309052474, 'n_estimators': 175, 'subsample': 0.9334491813807805}
Epoch : 1862: f1_weighted Score 0.810 params {'colsample_bytree': 0.3013787632759104, 'gamma': 0.6056545855724943, 'learning_rate': 0.011426669515580261, 'max_depth': 16, 'min_child_weight': 5.155025120253018, 'n_estimators': 250, 'subsample': 0.900083390200062}
Epoch : 1863: f1_weighted Score 0.812 params {'colsample_bytree': 0.4208867821481136, 'gamma': 0.8680239077318717, 'learning_rate': 0.008531415898345322, 'max_depth': 16, 'min_child_weight': 5.615588750574888, 'n_estimators': 350, 'subsample': 0.9676292063060085}
Epoch : 1864: f1_weighted Score 0.794 params {'colsample_bytree': 0.3772596723599944, 'gamma': 0.515995210991701, 'learning_rate': 0.057086019371361235, 'max_depth': 15, 'min_child_weight': 5.586296063984256, 'n_estimators': 325, 'subsample': 0.8802873648541941}
Epoch : 1865: f1_weighted Score 0.810 params {'colsample_bytree': 0.6319161137092885, 'gamma': 0.8095742564575742, 'learning_rate': 0.007721759562371605, 'max_depth': 18, 'min_child_weight': 7.322911934884397, 'n_estimators': 425, 'subsample': 0.960214153492986}
Epoch : 1866: f1_weighted Score 0.811 params {'colsample_bytree': 0.4461459640446076, 'gamma': 0.9737687947109472, 'learning_rate': 0.007340579608543445, 'max_depth': 9, 'min_child_weight': 3.3673579086988834, 'n_estimators': 350, 'subsample': 0.8338936938587084}
Epoch : 1867: f1_weighted Score 0.812 params {'colsample_bytree': 0.39217583345247775, 'gamma': 0.6951227716235286, 'learning_rate': 0.010326523732360492, 'max_depth': 13, 'min_child_weight': 5.964668360002989, 'n_estimators': 300, 'subsample': 0.9483557435335472}
Epoch : 1868: f1_weighted Score 0.812 params {'colsample_bytree': 0.4080553374484873, 'gamma': 0.4408056628434919, 'learning_rate': 0.006657426661586439, 'max_depth': 6, 'min_child_weight': 5.221296085302603, 'n_estimators': 450, 'subsample': 0.9993915502070986}
Epoch : 1869: f1_weighted Score 0.764 params {'colsample_bytree': 0.32304164875635055, 'gamma': 0.017071306563211087, 'learning_rate': 0.02480819897798554, 'max_depth': 11, 'min_child_weight': 6.924976112164682, 'n_estimators': 50, 'subsample': 0.9573422100749981}
Epoch : 1870: f1_weighted Score 0.810 params {'colsample_bytree': 0.5010632065512127, 'gamma': 0.004958393090440362, 'learning_rate': 0.01483922601043052, 'max_depth': 17, 'min_child_weight': 5.874616742931596, 'n_estimators': 200, 'subsample': 0.9568666422409345}
Epoch : 1871: f1_weighted Score 0.808 params {'colsample_bytree': 0.3318681686149899, 'gamma': 0.6533577665114076, 'learning_rate': 0.019379496763294007, 'max_depth': 10, 'min_child_weight': 4.7257549625148565, 'n_estimators': 125, 'subsample': 0.9465179831670841}
Epoch : 1872: f1_weighted Score 0.810 params {'colsample_bytree': 0.7297103260389612, 'gamma': 0.8515805569533302, 'learning_rate': 0.009159881897234844, 'max_depth': 11, 'min_child_weight': 9.039025452610685, 'n_estimators': 375, 'subsample': 0.9527579391494994}
Epoch : 1873: f1_weighted Score 0.810 params {'colsample_bytree': 0.43154230557620504, 'gamma': 0.8834508805395782, 'learning_rate': 0.005030796373984691, 'max_depth': 6, 'min_child_weight': 7.53670167502777, 'n_estimators': 750, 'subsample': 0.8286700764587283}
Epoch : 1874: f1_weighted Score 0.797 params {'colsample_bytree': 0.3881946012987713, 'gamma': 0.6973051550467056, 'learning_rate': 0.008103468799142262, 'max_depth': 16, 'min_child_weight': 5.0443944763779625, 'n_estimators': 1100, 'subsample': 0.9893937750933263}
Epoch : 1875: f1_weighted Score 0.812 params {'colsample_bytree': 0.35170962529640615, 'gamma': 0.5501782690810167, 'learning_rate': 0.007183587920989663, 'max_depth': 14, 'min_child_weight': 3.8712363537647168, 'n_estimators': 400, 'subsample': 0.8758973251151372}
Epoch : 1876: f1_weighted Score 0.812 params {'colsample_bytree': 0.5838314660996059, 'gamma': 0.7786602784096454, 'learning_rate': 0.01302497056626009, 'max_depth': 7, 'min_child_weight': 8.450124833541537, 'n_estimators': 200, 'subsample': 0.9216536519027676}
Epoch : 1877: f1_weighted Score 0.810 params {'colsample_bytree': 0.3983376776586869, 'gamma': 0.8429605089107157, 'learning_rate': 0.005422138752931772, 'max_depth': 20, 'min_child_weight': 4.658063604293994, 'n_estimators': 475, 'subsample': 0.8638280797337734}
Epoch : 1878: f1_weighted Score 0.812 params {'colsample_bytree': 0.508995940081201, 'gamma': 0.46237734708011174, 'learning_rate': 0.00869132112837229, 'max_depth': 15, 'min_child_weight': 4.437388967874116, 'n_estimators': 300, 'subsample': 0.8940284480621584}
Epoch : 1879: f1_weighted Score 0.800 params {'colsample_bytree': 0.3611181519158824, 'gamma': 0.9022843101056606, 'learning_rate': 0.01693325119174474, 'max_depth': 8, 'min_child_weight': 6.447920613313151, 'n_estimators': 600, 'subsample': 0.9368782299589766}
Epoch : 1880: f1_weighted Score 0.803 params {'colsample_bytree': 0.9535876373997618, 'gamma': 0.9564475836765132, 'learning_rate': 0.04419408652512859, 'max_depth': 8, 'min_child_weight': 7.165125802855958, 'n_estimators': 550, 'subsample': 0.9302573673369027}
Epoch : 1881: f1_weighted Score 0.809 params {'colsample_bytree': 0.3650317442639991, 'gamma': 0.9072341830871999, 'learning_rate': 0.011195498271259194, 'max_depth': 8, 'min_child_weight': 8.770017783927981, 'n_estimators': 625, 'subsample': 0.9358057290397584}
Epoch : 1882: f1_weighted Score 0.808 params {'colsample_bytree': 0.33120540611430416, 'gamma': 0.568476012832016, 'learning_rate': 0.018161758010924234, 'max_depth': 4, 'min_child_weight': 3.767216304033699, 'n_estimators': 100, 'subsample': 0.8250903367307193}
Epoch : 1883: f1_weighted Score 0.810 params {'colsample_bytree': 0.37354510879296354, 'gamma': 0.11643758841431995, 'learning_rate': 0.006290829263915685, 'max_depth': 17, 'min_child_weight': 4.947068319685692, 'n_estimators': 450, 'subsample': 0.9061937378254715}
Epoch : 1884: f1_weighted Score 0.812 params {'colsample_bytree': 0.6462222581011439, 'gamma': 0.7516831953771147, 'learning_rate': 0.011959824258309455, 'max_depth': 13, 'min_child_weight': 8.013463880447615, 'n_estimators': 225, 'subsample': 0.9445179168013952}
Epoch : 1885: f1_weighted Score 0.793 params {'colsample_bytree': 0.31884934713238927, 'gamma': 0.06904822796796556, 'learning_rate': 0.10630702042484569, 'max_depth': 15, 'min_child_weight': 7.47431147022062, 'n_estimators': 450, 'subsample': 0.9578986941751196}
Epoch : 1886: f1_weighted Score 0.812 params {'colsample_bytree': 0.44344856115714737, 'gamma': 0.11956573709258025, 'learning_rate': 0.0058635421049229135, 'max_depth': 12, 'min_child_weight': 5.196394577065851, 'n_estimators': 425, 'subsample': 0.9990660142812254}
Epoch : 1887: f1_weighted Score 0.814 params {'colsample_bytree': 0.33494352015348, 'gamma': 0.22279887859686665, 'learning_rate': 0.007208983775475897, 'max_depth': 15, 'min_child_weight': 6.1604728929937, 'n_estimators': 400, 'subsample': 0.9866307814200667}
Epoch : 1888: f1_weighted Score 0.809 params {'colsample_bytree': 0.31238927883080403, 'gamma': 0.10069940539621147, 'learning_rate': 0.029015919647262495, 'max_depth': 15, 'min_child_weight': 6.524549713165566, 'n_estimators': 275, 'subsample': 0.913449912317776}
Epoch : 1889: f1_weighted Score 0.812 params {'colsample_bytree': 0.4318062913190199, 'gamma': 0.7303539264296713, 'learning_rate': 0.013046287984837144, 'max_depth': 13, 'min_child_weight': 4.00370905521458, 'n_estimators': 150, 'subsample': 0.9193166787343531}
Epoch : 1890: f1_weighted Score 0.812 params {'colsample_bytree': 0.33929214869984464, 'gamma': 0.5696617481893824, 'learning_rate': 0.011225493531116787, 'max_depth': 14, 'min_child_weight': 8.622295622072992, 'n_estimators': 250, 'subsample': 0.8909440990007369}
Epoch : 1891: f1_weighted Score 0.811 params {'colsample_bytree': 0.3614395325203659, 'gamma': 0.5572220667824033, 'learning_rate': 0.010372123096858928, 'max_depth': 14, 'min_child_weight': 3.5388790922650557, 'n_estimators': 250, 'subsample': 0.9012424863677686}
Epoch : 1892: f1_weighted Score 0.806 params {'colsample_bytree': 0.423090913792919, 'gamma': 0.5401773103558907, 'learning_rate': 0.005845550383995704, 'max_depth': 13, 'min_child_weight': 4.779341912074363, 'n_estimators': 600, 'subsample': 0.9800566817292878}
Epoch : 1893: f1_weighted Score 0.812 params {'colsample_bytree': 0.45667724547854766, 'gamma': 0.9242125885115211, 'learning_rate': 0.007442450980683614, 'max_depth': 19, 'min_child_weight': 4.725273415671667, 'n_estimators': 375, 'subsample': 0.9522586274316562}
Epoch : 1894: f1_weighted Score 0.806 params {'colsample_bytree': 0.4114234743540633, 'gamma': 0.05444182540034018, 'learning_rate': 0.005734615845411784, 'max_depth': 12, 'min_child_weight': 3.3251570579272567, 'n_estimators': 500, 'subsample': 0.983782095912963}
Epoch : 1895: f1_weighted Score 0.810 params {'colsample_bytree': 0.4801500012080967, 'gamma': 0.47440236417657533, 'learning_rate': 0.012783292283655004, 'max_depth': 14, 'min_child_weight': 4.104418563673522, 'n_estimators': 150, 'subsample': 0.8104468343822524}
Epoch : 1896: f1_weighted Score 0.810 params {'colsample_bytree': 0.4488709574533845, 'gamma': 0.9897865655387462, 'learning_rate': 0.006637387486906965, 'max_depth': 9, 'min_child_weight': 5.827592201693731, 'n_estimators': 425, 'subsample': 0.9649280733408412}
Epoch : 1897: f1_weighted Score 0.812 params {'colsample_bytree': 0.4303426872108749, 'gamma': 0.5762689001772989, 'learning_rate': 0.012404023347448707, 'max_depth': 17, 'min_child_weight': 4.427051907198784, 'n_estimators': 200, 'subsample': 0.9180081270849709}
Epoch : 1898: f1_weighted Score 0.802 params {'colsample_bytree': 0.3814936172945427, 'gamma': 0.5921990134181232, 'learning_rate': 0.025141926005561102, 'max_depth': 17, 'min_child_weight': 6.868469833667256, 'n_estimators': 50, 'subsample': 0.8774947309313996}
Epoch : 1899: f1_weighted Score 0.812 params {'colsample_bytree': 0.3934524275762822, 'gamma': 0.6164366264136317, 'learning_rate': 0.015379215032259735, 'max_depth': 14, 'min_child_weight': 7.217377144152586, 'n_estimators': 250, 'subsample': 0.8817812073715968}
Epoch : 1900: f1_weighted Score 0.811 params {'colsample_bytree': 0.3968016716750977, 'gamma': 0.05872254596240839, 'learning_rate': 0.007193371252399268, 'max_depth': 9, 'min_child_weight': 5.571606953455428, 'n_estimators': 575, 'subsample': 0.9615984988385442}
Epoch : 1901: f1_weighted Score 0.814 params {'colsample_bytree': 0.3506207248571452, 'gamma': 0.5134298470473458, 'learning_rate': 0.006918585214016349, 'max_depth': 9, 'min_child_weight': 5.336235309996376, 'n_estimators': 425, 'subsample': 0.8935398941514403}
Epoch : 1902: f1_weighted Score 0.814 params {'colsample_bytree': 0.3477027168433467, 'gamma': 0.4365607594124295, 'learning_rate': 0.010920743282922507, 'max_depth': 17, 'min_child_weight': 5.965733484919869, 'n_estimators': 275, 'subsample': 0.9113360984175053}
Epoch : 1903: f1_weighted Score 0.810 params {'colsample_bytree': 0.9066128785962215, 'gamma': 0.682480332148673, 'learning_rate': 0.012186117619608978, 'max_depth': 17, 'min_child_weight': 6.278263960272885, 'n_estimators': 225, 'subsample': 0.9093334547364129}
Epoch : 1904: f1_weighted Score 0.812 params {'colsample_bytree': 0.38447689064239277, 'gamma': 0.3936688398647695, 'learning_rate': 0.011023965355367017, 'max_depth': 17, 'min_child_weight': 6.40544349903489, 'n_estimators': 300, 'subsample': 0.9640680753271857}
Epoch : 1905: f1_weighted Score 0.810 params {'colsample_bytree': 0.32051061190830976, 'gamma': 0.37410783206882736, 'learning_rate': 0.012504136026157353, 'max_depth': 17, 'min_child_weight': 6.1538782518559225, 'n_estimators': 300, 'subsample': 0.9262692635730433}
Epoch : 1906: f1_weighted Score 0.806 params {'colsample_bytree': 0.4756657970543977, 'gamma': 0.02682704947653336, 'learning_rate': 0.009649413425300506, 'max_depth': 10, 'min_child_weight': 2.8332063937221443, 'n_estimators': 325, 'subsample': 0.8507506194905341}
Epoch : 1907: f1_weighted Score 0.812 params {'colsample_bytree': 0.46607000693077383, 'gamma': 0.6364191309861997, 'learning_rate': 0.008120271713287252, 'max_depth': 10, 'min_child_weight': 5.062732407869504, 'n_estimators': 350, 'subsample': 0.8403547331073519}
Epoch : 1908: f1_weighted Score 0.814 params {'colsample_bytree': 0.334288065697639, 'gamma': 0.6443398002265657, 'learning_rate': 0.014596974145023086, 'max_depth': 20, 'min_child_weight': 5.289182941207074, 'n_estimators': 225, 'subsample': 0.9488248263108052}
Epoch : 1909: f1_weighted Score 0.811 params {'colsample_bytree': 0.4511293268274545, 'gamma': 0.654550610465819, 'learning_rate': 0.00934613438042728, 'max_depth': 10, 'min_child_weight': 4.652385666400589, 'n_estimators': 325, 'subsample': 0.8459607673273964}
Epoch : 1910: f1_weighted Score 0.812 params {'colsample_bytree': 0.5260026059231507, 'gamma': 0.3025817273305103, 'learning_rate': 0.013985765890892107, 'max_depth': 13, 'min_child_weight': 6.277474691300152, 'n_estimators': 225, 'subsample': 0.9247489283997491}
Epoch : 1911: f1_weighted Score 0.814 params {'colsample_bytree': 0.40857724101719883, 'gamma': 0.7275452955490812, 'learning_rate': 0.010923199718359665, 'max_depth': 17, 'min_child_weight': 4.842668671616008, 'n_estimators': 275, 'subsample': 0.9049408304476785}
Epoch : 1912: f1_weighted Score 0.811 params {'colsample_bytree': 0.4906216255819184, 'gamma': 0.6791965048234185, 'learning_rate': 0.008707444447300573, 'max_depth': 13, 'min_child_weight': 4.360555332845618, 'n_estimators': 350, 'subsample': 0.8883200113473576}
Epoch : 1913: f1_weighted Score 0.814 params {'colsample_bytree': 0.38671286315325687, 'gamma': 0.5783873690656675, 'learning_rate': 0.008864223207455503, 'max_depth': 15, 'min_child_weight': 5.268797450821373, 'n_estimators': 375, 'subsample': 0.8942375185037681}
Epoch : 1914: f1_weighted Score 0.812 params {'colsample_bytree': 0.5098750383605037, 'gamma': 0.5837138175265092, 'learning_rate': 0.01586899516221347, 'max_depth': 16, 'min_child_weight': 5.2493636111804625, 'n_estimators': 125, 'subsample': 0.8903626562521684}
Epoch : 1915: f1_weighted Score 0.812 params {'colsample_bytree': 0.5974875865308246, 'gamma': 0.5340771994351851, 'learning_rate': 0.005488939033230057, 'max_depth': 15, 'min_child_weight': 4.359356791261838, 'n_estimators': 500, 'subsample': 0.8964106465473697}
Epoch : 1916: f1_weighted Score 0.812 params {'colsample_bytree': 0.43012998727477014, 'gamma': 0.8515963753056073, 'learning_rate': 0.011740462102414773, 'max_depth': 18, 'min_child_weight': 4.335248251053221, 'n_estimators': 150, 'subsample': 0.9161972142202717}
Epoch : 1917: f1_weighted Score 0.812 params {'colsample_bytree': 0.4665227684600964, 'gamma': 0.31865170612453725, 'learning_rate': 0.005388692361958319, 'max_depth': 19, 'min_child_weight': 4.90864671770769, 'n_estimators': 525, 'subsample': 0.9998886548104197}
Epoch : 1918: f1_weighted Score 0.812 params {'colsample_bytree': 0.33800451213558735, 'gamma': 0.5574705184748561, 'learning_rate': 0.025934410146129596, 'max_depth': 18, 'min_child_weight': 6.646143050527864, 'n_estimators': 100, 'subsample': 0.9297768856066237}
Epoch : 1919: f1_weighted Score 0.814 params {'colsample_bytree': 0.3810352524396819, 'gamma': 0.5467833030924317, 'learning_rate': 0.006287172880411768, 'max_depth': 9, 'min_child_weight': 5.360344564145538, 'n_estimators': 475, 'subsample': 0.970041851446715}
Epoch : 1920: f1_weighted Score 0.814 params {'colsample_bytree': 0.3961124247212103, 'gamma': 0.000964062752122281, 'learning_rate': 0.007713623620072, 'max_depth': 9, 'min_child_weight': 4.532629958861069, 'n_estimators': 400, 'subsample': 0.8355203598111789}
Epoch : 1921: f1_weighted Score 0.809 params {'colsample_bytree': 0.4890844598060249, 'gamma': 0.043507189943598375, 'learning_rate': 0.009826907969698609, 'max_depth': 12, 'min_child_weight': 5.019831561253995, 'n_estimators': 400, 'subsample': 0.9213014798573494}
Epoch : 1922: f1_weighted Score 0.812 params {'colsample_bytree': 0.37423772310812226, 'gamma': 0.4888230896192551, 'learning_rate': 0.00884856117344552, 'max_depth': 16, 'min_child_weight': 4.548334499128244, 'n_estimators': 300, 'subsample': 0.8979453042504288}
Epoch : 1923: f1_weighted Score 0.806 params {'colsample_bytree': 0.3541905923412189, 'gamma': 0.36521262051436054, 'learning_rate': 0.01050740721459124, 'max_depth': 15, 'min_child_weight': 4.578488726963677, 'n_estimators': 175, 'subsample': 0.9664295704834844}
Epoch : 1924: f1_weighted Score 0.814 params {'colsample_bytree': 0.4730344092839398, 'gamma': 0.7762140073776969, 'learning_rate': 0.006957190076204233, 'max_depth': 13, 'min_child_weight': 4.781452179743402, 'n_estimators': 375, 'subsample': 0.9466335184974706}
Epoch : 1925: f1_weighted Score 0.811 params {'colsample_bytree': 0.4143294748117041, 'gamma': 0.6235200681994955, 'learning_rate': 0.005476246737975806, 'max_depth': 6, 'min_child_weight': 5.694512507506882, 'n_estimators': 725, 'subsample': 0.9181103273460289}
Epoch : 1926: f1_weighted Score 0.812 params {'colsample_bytree': 0.3370244042812006, 'gamma': 0.8244695472626323, 'learning_rate': 0.006578876685607732, 'max_depth': 5, 'min_child_weight': 4.954899674494483, 'n_estimators': 550, 'subsample': 0.9189256050533778}
Epoch : 1927: f1_weighted Score 0.805 params {'colsample_bytree': 0.6819153307596149, 'gamma': 0.8090430458749773, 'learning_rate': 0.008017041380678895, 'max_depth': 9, 'min_child_weight': 5.107584119883101, 'n_estimators': 775, 'subsample': 0.8166478899681131}
Epoch : 1928: f1_weighted Score 0.812 params {'colsample_bytree': 0.36104630147387234, 'gamma': 0.7951641758663849, 'learning_rate': 0.009627631241207836, 'max_depth': 3, 'min_child_weight': 5.594725310268421, 'n_estimators': 275, 'subsample': 0.9359019884247343}
Epoch : 1929: f1_weighted Score 0.810 params {'colsample_bytree': 0.30026950794415136, 'gamma': 0.7727142998807677, 'learning_rate': 0.007798445773842913, 'max_depth': 11, 'min_child_weight': 5.436318361602265, 'n_estimators': 350, 'subsample': 0.9499287585796393}
Epoch : 1930: f1_weighted Score 0.812 params {'colsample_bytree': 0.4596211824195466, 'gamma': 0.14353281639096352, 'learning_rate': 0.013266860301901115, 'max_depth': 16, 'min_child_weight': 5.870313426565138, 'n_estimators': 200, 'subsample': 0.9872450885037987}
Epoch : 1931: f1_weighted Score 0.807 params {'colsample_bytree': 0.4163438302398018, 'gamma': 0.09645507088057818, 'learning_rate': 0.0059218286315729386, 'max_depth': 12, 'min_child_weight': 2.658756566702581, 'n_estimators': 475, 'subsample': 0.9791809814401947}
Epoch : 1932: f1_weighted Score 0.800 params {'colsample_bytree': 0.3444289134790031, 'gamma': 0.89507898098722, 'learning_rate': 0.010902889709787339, 'max_depth': 9, 'min_child_weight': 4.266680120849892, 'n_estimators': 725, 'subsample': 0.8459334457311793}
Epoch : 1933: f1_weighted Score 0.808 params {'colsample_bytree': 0.3103773010705894, 'gamma': 0.1457457249709319, 'learning_rate': 0.010882715922108422, 'max_depth': 15, 'min_child_weight': 3.735327083874851, 'n_estimators': 225, 'subsample': 0.8013114943258418}
Epoch : 1934: f1_weighted Score 0.810 params {'colsample_bytree': 0.31380187201881865, 'gamma': 0.1250873160360667, 'learning_rate': 0.00879588717158523, 'max_depth': 18, 'min_child_weight': 5.96008837448155, 'n_estimators': 400, 'subsample': 0.9924616050213948}
Epoch : 1935: f1_weighted Score 0.808 params {'colsample_bytree': 0.4035162999406335, 'gamma': 0.8416378073930801, 'learning_rate': 0.00819986049603292, 'max_depth': 19, 'min_child_weight': 4.595764948121266, 'n_estimators': 425, 'subsample': 0.9220455624700692}
Epoch : 1936: f1_weighted Score 0.810 params {'colsample_bytree': 0.3222106957048683, 'gamma': 0.060289237888746815, 'learning_rate': 0.006227135397947439, 'max_depth': 4, 'min_child_weight': 6.159415007594251, 'n_estimators': 475, 'subsample': 0.9910549160610311}
Epoch : 1937: f1_weighted Score 0.810 params {'colsample_bytree': 0.6331700395322174, 'gamma': 0.21817694095803783, 'learning_rate': 0.009287451232482176, 'max_depth': 16, 'min_child_weight': 5.750783331240678, 'n_estimators': 300, 'subsample': 0.9745159672978215}
Epoch : 1938: f1_weighted Score 0.814 params {'colsample_bytree': 0.3724180302965774, 'gamma': 0.6762827766773842, 'learning_rate': 0.008328622562863245, 'max_depth': 18, 'min_child_weight': 5.170451469231667, 'n_estimators': 350, 'subsample': 0.9721476425679944}
Epoch : 1939: f1_weighted Score 0.814 params {'colsample_bytree': 0.3710449955356757, 'gamma': 0.7964402621251768, 'learning_rate': 0.007769565186048794, 'max_depth': 7, 'min_child_weight': 5.535741118477311, 'n_estimators': 375, 'subsample': 0.9719933435816739}
Epoch : 1940: f1_weighted Score 0.812 params {'colsample_bytree': 0.43821459467516705, 'gamma': 0.09304970950156927, 'learning_rate': 0.007798895236055518, 'max_depth': 6, 'min_child_weight': 5.035040577857589, 'n_estimators': 375, 'subsample': 0.9573812256918997}
Epoch : 1941: f1_weighted Score 0.809 params {'colsample_bytree': 0.5703716660112764, 'gamma': 0.573775635159781, 'learning_rate': 0.009643690670850903, 'max_depth': 14, 'min_child_weight': 3.5033741022243277, 'n_estimators': 250, 'subsample': 0.8863366470762422}
Epoch : 1942: f1_weighted Score 0.814 params {'colsample_bytree': 0.38433408009948966, 'gamma': 0.7536669507152778, 'learning_rate': 0.010125177619455895, 'max_depth': 19, 'min_child_weight': 5.282567234307412, 'n_estimators': 275, 'subsample': 0.9430988932695675}
Epoch : 1943: f1_weighted Score 0.812 params {'colsample_bytree': 0.38073362448594805, 'gamma': 0.23925394344151074, 'learning_rate': 0.010042560217278491, 'max_depth': 8, 'min_child_weight': 8.38794640163518, 'n_estimators': 250, 'subsample': 0.9496570046822086}
Epoch : 1944: f1_weighted Score 0.812 params {'colsample_bytree': 0.40330149314577174, 'gamma': 0.9326089769883354, 'learning_rate': 0.006604610353303352, 'max_depth': 5, 'min_child_weight': 5.931394159831627, 'n_estimators': 450, 'subsample': 0.9674564245573655}
Epoch : 1945: f1_weighted Score 0.814 params {'colsample_bytree': 0.3428801524361621, 'gamma': 0.0776954628533384, 'learning_rate': 0.00693331558477805, 'max_depth': 11, 'min_child_weight': 5.69852734860712, 'n_estimators': 400, 'subsample': 0.9950142728621456}
Epoch : 1946: f1_weighted Score 0.806 params {'colsample_bytree': 0.33534237581318777, 'gamma': 0.8542189914338705, 'learning_rate': 0.006899997191316542, 'max_depth': 10, 'min_child_weight': 4.647979282100591, 'n_estimators': 550, 'subsample': 0.9998619413085866}
Epoch : 1947: f1_weighted Score 0.814 params {'colsample_bytree': 0.3403617133415554, 'gamma': 0.20287310865183028, 'learning_rate': 0.008766988118713327, 'max_depth': 16, 'min_child_weight': 5.557081654084055, 'n_estimators': 350, 'subsample': 0.9040606443907117}
Epoch : 1948: f1_weighted Score 0.812 params {'colsample_bytree': 0.34024110399572666, 'gamma': 0.4938187423594159, 'learning_rate': 0.013334123259248456, 'max_depth': 19, 'min_child_weight': 6.652598441524155, 'n_estimators': 150, 'subsample': 0.9628645654845552}
Epoch : 1949: f1_weighted Score 0.812 params {'colsample_bytree': 0.4191650138869887, 'gamma': 0.6067840775185053, 'learning_rate': 0.013328594159099493, 'max_depth': 13, 'min_child_weight': 4.088805006130052, 'n_estimators': 200, 'subsample': 0.8152677624004733}
Epoch : 1950: f1_weighted Score 0.812 params {'colsample_bytree': 0.3639964819233424, 'gamma': 0.8964174799388029, 'learning_rate': 0.007569651920738979, 'max_depth': 9, 'min_child_weight': 8.675879100727993, 'n_estimators': 575, 'subsample': 0.9863420870884761}
Epoch : 1951: f1_weighted Score 0.808 params {'colsample_bytree': 0.41869748108138605, 'gamma': 0.8339293966518433, 'learning_rate': 0.005079194485618311, 'max_depth': 20, 'min_child_weight': 4.652521410107935, 'n_estimators': 650, 'subsample': 0.9590513728940124}
Epoch : 1952: f1_weighted Score 0.808 params {'colsample_bytree': 0.40265487706803155, 'gamma': 0.7747190990281148, 'learning_rate': 0.008360189108621161, 'max_depth': 19, 'min_child_weight': 4.853719444226463, 'n_estimators': 425, 'subsample': 0.9539868812012735}
Epoch : 1953: f1_weighted Score 0.814 params {'colsample_bytree': 0.47022177665689235, 'gamma': 0.027011838470880425, 'learning_rate': 0.009115705433699686, 'max_depth': 20, 'min_child_weight': 5.401786002160385, 'n_estimators': 325, 'subsample': 0.9464921252658474}
Epoch : 1954: f1_weighted Score 0.812 params {'colsample_bytree': 0.43404620368041813, 'gamma': 0.37458273248585566, 'learning_rate': 0.005062848136573261, 'max_depth': 11, 'min_child_weight': 5.136330450555359, 'n_estimators': 425, 'subsample': 0.9406252609804079}
Epoch : 1955: f1_weighted Score 0.812 params {'colsample_bytree': 0.49532779418875555, 'gamma': 0.4855934260050203, 'learning_rate': 0.011994998010429131, 'max_depth': 12, 'min_child_weight': 5.415225363129158, 'n_estimators': 275, 'subsample': 0.9283587167398287}
Epoch : 1956: f1_weighted Score 0.812 params {'colsample_bytree': 0.433934171714927, 'gamma': 0.4521263490848578, 'learning_rate': 0.010090456675220195, 'max_depth': 12, 'min_child_weight': 4.912708903933296, 'n_estimators': 300, 'subsample': 0.9282468837063907}
Epoch : 1957: f1_weighted Score 0.812 params {'colsample_bytree': 0.4227598493657494, 'gamma': 0.4999665554468692, 'learning_rate': 0.0118718239018936, 'max_depth': 12, 'min_child_weight': 6.107370282944253, 'n_estimators': 225, 'subsample': 0.9151537935913701}
Epoch : 1958: f1_weighted Score 0.812 params {'colsample_bytree': 0.3830341042656914, 'gamma': 0.5977831540493334, 'learning_rate': 0.009137458329214502, 'max_depth': 15, 'min_child_weight': 3.915441412548721, 'n_estimators': 325, 'subsample': 0.8910045463800926}
Epoch : 1959: f1_weighted Score 0.752 params {'colsample_bytree': 0.31816055033498347, 'gamma': 0.09203124078707166, 'learning_rate': 0.006035439289908056, 'max_depth': 20, 'min_child_weight': 2.429646550742172, 'n_estimators': 175, 'subsample': 0.8236824839128839}
Epoch : 1960: f1_weighted Score 0.810 params {'colsample_bytree': 0.3247571264976433, 'gamma': 0.17125399945986464, 'learning_rate': 0.005968609114639699, 'max_depth': 11, 'min_child_weight': 5.978966246379145, 'n_estimators': 450, 'subsample': 0.9885409607953134}
Epoch : 1961: f1_weighted Score 0.812 params {'colsample_bytree': 0.49003126737749225, 'gamma': 0.7434845378140077, 'learning_rate': 0.011662205058770721, 'max_depth': 7, 'min_child_weight': 6.257246719709832, 'n_estimators': 275, 'subsample': 0.9966443401136208}
Epoch : 1962: f1_weighted Score 0.801 params {'colsample_bytree': 0.66090546847384, 'gamma': 0.8824985745841851, 'learning_rate': 0.014413890678157956, 'max_depth': 10, 'min_child_weight': 6.84561875350652, 'n_estimators': 725, 'subsample': 0.814719594509646}
Epoch : 1963: f1_weighted Score 0.812 params {'colsample_bytree': 0.5380322431511869, 'gamma': 0.051918232158673736, 'learning_rate': 0.005019132090121807, 'max_depth': 9, 'min_child_weight': 6.202423534877258, 'n_estimators': 450, 'subsample': 0.9999637868307137}
Epoch : 1964: f1_weighted Score 0.814 params {'colsample_bytree': 0.3657883372497814, 'gamma': 0.7117096448746285, 'learning_rate': 0.010531835798987857, 'max_depth': 11, 'min_child_weight': 5.546127646816288, 'n_estimators': 325, 'subsample': 0.9528966189245844}
Epoch : 1965: f1_weighted Score 0.812 params {'colsample_bytree': 0.43301938583569344, 'gamma': 0.6120229049955372, 'learning_rate': 0.005431068394052228, 'max_depth': 6, 'min_child_weight': 5.64307786109882, 'n_estimators': 500, 'subsample': 0.9072343746649446}
Epoch : 1966: f1_weighted Score 0.809 params {'colsample_bytree': 0.35840747823056035, 'gamma': 0.45462039947975447, 'learning_rate': 0.009555182064397916, 'max_depth': 14, 'min_child_weight': 3.7129570466787394, 'n_estimators': 300, 'subsample': 0.9134832596270536}
Epoch : 1967: f1_weighted Score 0.810 params {'colsample_bytree': 0.44935682585524384, 'gamma': 0.8684544685310873, 'learning_rate': 0.01559083177232087, 'max_depth': 5, 'min_child_weight': 4.105297070397677, 'n_estimators': 175, 'subsample': 0.9603036332540452}
Epoch : 1968: f1_weighted Score 0.814 params {'colsample_bytree': 0.39989690281871715, 'gamma': 0.6323964907934176, 'learning_rate': 0.008747578513293507, 'max_depth': 15, 'min_child_weight': 4.217314365001238, 'n_estimators': 300, 'subsample': 0.9070646618442829}
Epoch : 1969: f1_weighted Score 0.812 params {'colsample_bytree': 0.3891929659311034, 'gamma': 0.3890791523185503, 'learning_rate': 0.007893209007097814, 'max_depth': 16, 'min_child_weight': 5.3876552127158766, 'n_estimators': 300, 'subsample': 0.9787271881677592}
Epoch : 1970: f1_weighted Score 0.812 params {'colsample_bytree': 0.3724250396867805, 'gamma': 0.6899767333798322, 'learning_rate': 0.009036304213197677, 'max_depth': 17, 'min_child_weight': 5.201558208522991, 'n_estimators': 250, 'subsample': 0.8961285767870102}
Epoch : 1971: f1_weighted Score 0.812 params {'colsample_bytree': 0.39938885497773646, 'gamma': 0.7214887875004821, 'learning_rate': 0.00844738124097748, 'max_depth': 16, 'min_child_weight': 4.366572243617185, 'n_estimators': 275, 'subsample': 0.9251421751196564}
Epoch : 1972: f1_weighted Score 0.812 params {'colsample_bytree': 0.3936966177088328, 'gamma': 0.7558720734166993, 'learning_rate': 0.010689072005705583, 'max_depth': 19, 'min_child_weight': 4.792785812300307, 'n_estimators': 225, 'subsample': 0.9172141761639899}
Epoch : 1973: f1_weighted Score 0.811 params {'colsample_bytree': 0.41584726108891423, 'gamma': 0.17725739836609222, 'learning_rate': 0.005322416160866476, 'max_depth': 11, 'min_child_weight': 5.006425022247251, 'n_estimators': 675, 'subsample': 0.9333148018926652}
Epoch : 1974: f1_weighted Score 0.794 params {'colsample_bytree': 0.32577960169714004, 'gamma': 0.03140833372278651, 'learning_rate': 0.03814487120970004, 'max_depth': 20, 'min_child_weight': 4.622890345794072, 'n_estimators': 475, 'subsample': 0.9351062582702989}
Epoch : 1975: f1_weighted Score 0.814 params {'colsample_bytree': 0.4502932502201753, 'gamma': 0.6094042257603813, 'learning_rate': 0.01659200247518608, 'max_depth': 11, 'min_child_weight': 5.059282789099911, 'n_estimators': 175, 'subsample': 0.9388808096569977}
Epoch : 1976: f1_weighted Score 0.812 params {'colsample_bytree': 0.35246019977332116, 'gamma': 0.6560124837055549, 'learning_rate': 0.020128946989542637, 'max_depth': 11, 'min_child_weight': 6.668079857734604, 'n_estimators': 125, 'subsample': 0.9709231191648019}
Epoch : 1977: f1_weighted Score 0.812 params {'colsample_bytree': 0.35894063721602804, 'gamma': 0.6353562400037012, 'learning_rate': 0.0074467453445581444, 'max_depth': 15, 'min_child_weight': 6.506419999215584, 'n_estimators': 350, 'subsample': 0.9553276056112702}
Epoch : 1978: f1_weighted Score 0.793 params {'colsample_bytree': 0.30224901542902965, 'gamma': 0.06835682983893156, 'learning_rate': 0.05357397803483021, 'max_depth': 14, 'min_child_weight': 4.483463413375521, 'n_estimators': 225, 'subsample': 0.9597687175527407}
Epoch : 1979: f1_weighted Score 0.814 params {'colsample_bytree': 0.3784035550749037, 'gamma': 0.35286595384869895, 'learning_rate': 0.0074257446507992216, 'max_depth': 8, 'min_child_weight': 5.759021817656887, 'n_estimators': 400, 'subsample': 0.9596267566386575}
Epoch : 1980: f1_weighted Score 0.812 params {'colsample_bytree': 0.5336809679697625, 'gamma': 0.7667993058676865, 'learning_rate': 0.011223797612476213, 'max_depth': 4, 'min_child_weight': 5.245842603292223, 'n_estimators': 275, 'subsample': 0.8144228272255309}
Epoch : 1981: f1_weighted Score 0.814 params {'colsample_bytree': 0.40109090800056474, 'gamma': 0.8583567204144295, 'learning_rate': 0.007402816341740193, 'max_depth': 10, 'min_child_weight': 3.9529528284593978, 'n_estimators': 375, 'subsample': 0.8255601532083111}
Epoch : 1982: f1_weighted Score 0.799 params {'colsample_bytree': 0.3301533707975859, 'gamma': 0.0008015999755496342, 'learning_rate': 0.029949908400074988, 'max_depth': 9, 'min_child_weight': 5.870254194838714, 'n_estimators': 425, 'subsample': 0.8356495925948034}
Epoch : 1983: f1_weighted Score 0.812 params {'colsample_bytree': 0.47311249833636215, 'gamma': 0.7445666926338764, 'learning_rate': 0.012226481038698406, 'max_depth': 11, 'min_child_weight': 4.807039653458345, 'n_estimators': 150, 'subsample': 0.8178607483890268}
Epoch : 1984: f1_weighted Score 0.811 params {'colsample_bytree': 0.44534401575506116, 'gamma': 0.7053946991355254, 'learning_rate': 0.018655729091012086, 'max_depth': 19, 'min_child_weight': 6.066025071355412, 'n_estimators': 200, 'subsample': 0.9685737015881914}
Epoch : 1985: f1_weighted Score 0.812 params {'colsample_bytree': 0.442444039188063, 'gamma': 0.9629363988343907, 'learning_rate': 0.01753999374335303, 'max_depth': 19, 'min_child_weight': 5.802842289147281, 'n_estimators': 100, 'subsample': 0.9319154581853489}
Epoch : 1986: f1_weighted Score 0.812 params {'colsample_bytree': 0.4833057988352076, 'gamma': 0.5860332882796288, 'learning_rate': 0.007019261079949041, 'max_depth': 18, 'min_child_weight': 6.513488483556748, 'n_estimators': 375, 'subsample': 0.9374836131062639}
Epoch : 1987: f1_weighted Score 0.812 params {'colsample_bytree': 0.45696884690560186, 'gamma': 0.7865448744322883, 'learning_rate': 0.009675585395246574, 'max_depth': 20, 'min_child_weight': 5.32983416573312, 'n_estimators': 325, 'subsample': 0.9555395907025372}
Epoch : 1988: f1_weighted Score 0.812 params {'colsample_bytree': 0.35583670137632967, 'gamma': 0.4121397910226755, 'learning_rate': 0.0057928636614301065, 'max_depth': 7, 'min_child_weight': 4.853617400783118, 'n_estimators': 325, 'subsample': 0.9415905409875693}
Epoch : 1989: f1_weighted Score 0.812 params {'colsample_bytree': 0.5025520106950401, 'gamma': 0.5914282980452127, 'learning_rate': 0.00843158440046026, 'max_depth': 15, 'min_child_weight': 4.501479705963231, 'n_estimators': 325, 'subsample': 0.9016837722331387}
Epoch : 1990: f1_weighted Score 0.811 params {'colsample_bytree': 0.4672747215996997, 'gamma': 0.11719052011246178, 'learning_rate': 0.00617974792727446, 'max_depth': 20, 'min_child_weight': 6.192056052020297, 'n_estimators': 525, 'subsample': 0.9819391339170662}
Epoch : 1991: f1_weighted Score 0.814 params {'colsample_bytree': 0.37238554966163967, 'gamma': 0.9292190476333076, 'learning_rate': 0.0066465372860110995, 'max_depth': 10, 'min_child_weight': 5.100665908579065, 'n_estimators': 475, 'subsample': 0.953552372117011}
Epoch : 1992: f1_weighted Score 0.812 params {'colsample_bytree': 0.4222329753404326, 'gamma': 0.0825361743036143, 'learning_rate': 0.00560999031114113, 'max_depth': 9, 'min_child_weight': 5.88828961112506, 'n_estimators': 500, 'subsample': 0.9782254175381057}
Epoch : 1993: f1_weighted Score 0.809 params {'colsample_bytree': 0.6551360895792476, 'gamma': 0.843779926328073, 'learning_rate': 0.008562334141705295, 'max_depth': 11, 'min_child_weight': 7.932318535344561, 'n_estimators': 500, 'subsample': 0.9120424375755698}
Epoch : 1994: f1_weighted Score 0.811 params {'colsample_bytree': 0.36514097744558527, 'gamma': 0.7555488215950649, 'learning_rate': 0.010312274289206181, 'max_depth': 12, 'min_child_weight': 4.890177288718699, 'n_estimators': 350, 'subsample': 0.9238275032688734}
Epoch : 1995: f1_weighted Score 0.812 params {'colsample_bytree': 0.4427758465859135, 'gamma': 0.4584820607335205, 'learning_rate': 0.014261922219712501, 'max_depth': 17, 'min_child_weight': 5.052802407783288, 'n_estimators': 125, 'subsample': 0.949369500707055}
Epoch : 1996: f1_weighted Score 0.814 params {'colsample_bytree': 0.35617341797684554, 'gamma': 0.31762939172831056, 'learning_rate': 0.011562350882147503, 'max_depth': 19, 'min_child_weight': 5.398445785905287, 'n_estimators': 275, 'subsample': 0.9243526650388133}
Epoch : 1997: f1_weighted Score 0.812 params {'colsample_bytree': 0.37962311250167596, 'gamma': 0.2523408609788868, 'learning_rate': 0.011034683401020696, 'max_depth': 19, 'min_child_weight': 5.450021917907086, 'n_estimators': 325, 'subsample': 0.9278995237490486}
Epoch : 1998: f1_weighted Score 0.811 params {'colsample_bytree': 0.40467394842868276, 'gamma': 0.7099827516620851, 'learning_rate': 0.009249705585746924, 'max_depth': 19, 'min_child_weight': 3.5909717567262325, 'n_estimators': 250, 'subsample': 0.9821272097543984}
Epoch : 1999: f1_weighted Score 0.814 params {'colsample_bytree': 0.36865716951505195, 'gamma': 0.8054143042728099, 'learning_rate': 0.007793474628149201, 'max_depth': 8, 'min_child_weight': 4.902627422163642, 'n_estimators': 400, 'subsample': 0.8286749813981623}
Epoch : 2000: f1_weighted Score 0.812 params {'colsample_bytree': 0.3476827460292988, 'gamma': 0.8010389247924459, 'learning_rate': 0.007939202231034845, 'max_depth': 9, 'min_child_weight': 8.876606013934271, 'n_estimators': 625, 'subsample': 0.8211135768064566}
Epoch : 2001: f1_weighted Score 0.810 params {'colsample_bytree': 0.31146391430463194, 'gamma': 0.13089922266593174, 'learning_rate': 0.0071952087007242605, 'max_depth': 20, 'min_child_weight': 5.860730235898048, 'n_estimators': 400, 'subsample': 0.989155734499298}
Epoch : 2002: f1_weighted Score 0.809 params {'colsample_bytree': 0.45433292532943637, 'gamma': 0.10218031503109212, 'learning_rate': 0.0057048603394819816, 'max_depth': 10, 'min_child_weight': 4.518264866995129, 'n_estimators': 450, 'subsample': 0.9930449853368362}
Epoch : 2003: f1_weighted Score 0.809 params {'colsample_bytree': 0.4098289658384808, 'gamma': 0.8219732014528315, 'learning_rate': 0.008257727060355768, 'max_depth': 12, 'min_child_weight': 3.886211014871747, 'n_estimators': 375, 'subsample': 0.9299259922507466}
Epoch : 2004: f1_weighted Score 0.814 params {'colsample_bytree': 0.38605328896954483, 'gamma': 0.43027372031093336, 'learning_rate': 0.012622473754827775, 'max_depth': 12, 'min_child_weight': 5.57977031823742, 'n_estimators': 250, 'subsample': 0.9084697399102115}
Epoch : 2005: f1_weighted Score 0.799 params {'colsample_bytree': 0.3080041888725949, 'gamma': 0.5590447835197876, 'learning_rate': 0.026995890571421367, 'max_depth': 18, 'min_child_weight': 7.122306128572815, 'n_estimators': 75, 'subsample': 0.9394154456107598}
Epoch : 2006: f1_weighted Score 0.761 params {'colsample_bytree': 0.3016153777106379, 'gamma': 0.5401517329723214, 'learning_rate': 0.025060447449674207, 'max_depth': 18, 'min_child_weight': 7.030686455645766, 'n_estimators': 50, 'subsample': 0.9326695686173732}
Epoch : 2007: f1_weighted Score 0.810 params {'colsample_bytree': 0.3394904237590987, 'gamma': 0.5265537536480451, 'learning_rate': 0.02176982354036999, 'max_depth': 18, 'min_child_weight': 6.907690351529542, 'n_estimators': 175, 'subsample': 0.9406752910204661}
Epoch : 2008: f1_weighted Score 0.806 params {'colsample_bytree': 0.3332040748386148, 'gamma': 0.5045524022626977, 'learning_rate': 0.009069850742514327, 'max_depth': 15, 'min_child_weight': 4.236182704744293, 'n_estimators': 250, 'subsample': 0.8974498663687733}
Epoch : 2009: f1_weighted Score 0.812 params {'colsample_bytree': 0.38257106790684847, 'gamma': 0.5698447613342605, 'learning_rate': 0.010399585278841078, 'max_depth': 14, 'min_child_weight': 5.622631411905833, 'n_estimators': 275, 'subsample': 0.9490283851334618}
Epoch : 2010: f1_weighted Score 0.812 params {'colsample_bytree': 0.5472462808108915, 'gamma': 0.5200013076375364, 'learning_rate': 0.006336028318786238, 'max_depth': 14, 'min_child_weight': 4.1222092768448535, 'n_estimators': 375, 'subsample': 0.8850146985122923}
Epoch : 2011: f1_weighted Score 0.814 params {'colsample_bytree': 0.42757314814595465, 'gamma': 0.6354741314708959, 'learning_rate': 0.013242308518793485, 'max_depth': 19, 'min_child_weight': 5.091015801602324, 'n_estimators': 200, 'subsample': 0.9427919833716721}
Epoch : 2012: f1_weighted Score 0.812 params {'colsample_bytree': 0.5775092396723652, 'gamma': 0.8502647151632554, 'learning_rate': 0.010769907446806367, 'max_depth': 10, 'min_child_weight': 4.76522658310688, 'n_estimators': 200, 'subsample': 0.8066127948586937}
Epoch : 2013: f1_weighted Score 0.810 params {'colsample_bytree': 0.3004345617709975, 'gamma': 0.7303413685238832, 'learning_rate': 0.007180747544198867, 'max_depth': 20, 'min_child_weight': 6.077591387203541, 'n_estimators': 375, 'subsample': 0.9836921893831965}
Epoch : 2014: f1_weighted Score 0.812 params {'colsample_bytree': 0.41416443058025665, 'gamma': 0.7937928043020447, 'learning_rate': 0.01407257499006598, 'max_depth': 17, 'min_child_weight': 9.149083757084988, 'n_estimators': 150, 'subsample': 0.9214874357891105}
Epoch : 2015: f1_weighted Score 0.814 params {'colsample_bytree': 0.39058189934882076, 'gamma': 0.24734685586613736, 'learning_rate': 0.005131142400304247, 'max_depth': 19, 'min_child_weight': 6.440857697237898, 'n_estimators': 550, 'subsample': 0.9733583938795046}
Epoch : 2016: f1_weighted Score 0.811 params {'colsample_bytree': 0.3805469876791268, 'gamma': 0.7749850022641758, 'learning_rate': 0.009628715153405857, 'max_depth': 19, 'min_child_weight': 3.618948646033484, 'n_estimators': 250, 'subsample': 0.9830267196425977}
Epoch : 2017: f1_weighted Score 0.811 params {'colsample_bytree': 0.39820238141439507, 'gamma': 0.477964516255201, 'learning_rate': 0.010577794524349447, 'max_depth': 13, 'min_child_weight': 6.0631564316231685, 'n_estimators': 450, 'subsample': 0.9199637232131274}
Epoch : 2018: f1_weighted Score 0.812 params {'colsample_bytree': 0.3646859185079789, 'gamma': 0.6622600091631395, 'learning_rate': 0.011188595842670913, 'max_depth': 14, 'min_child_weight': 4.190228887614127, 'n_estimators': 225, 'subsample': 0.9261942921314906}
Epoch : 2019: f1_weighted Score 0.812 params {'colsample_bytree': 0.38840244298425036, 'gamma': 0.504854182708739, 'learning_rate': 0.009508614046128521, 'max_depth': 7, 'min_child_weight': 5.46527991065324, 'n_estimators': 325, 'subsample': 0.8063996638173478}
Epoch : 2020: f1_weighted Score 0.806 params {'colsample_bytree': 0.3710119033801923, 'gamma': 0.7824899943929721, 'learning_rate': 0.010170854393848659, 'max_depth': 9, 'min_child_weight': 4.7999182128502245, 'n_estimators': 625, 'subsample': 0.8042336475985216}
Epoch : 2021: f1_weighted Score 0.810 params {'colsample_bytree': 0.33118184842602305, 'gamma': 0.21753318027779875, 'learning_rate': 0.008349503000154822, 'max_depth': 11, 'min_child_weight': 6.294502970663947, 'n_estimators': 425, 'subsample': 0.9517058824573885}
Epoch : 2022: f1_weighted Score 0.798 params {'colsample_bytree': 0.5477161481765923, 'gamma': 0.6914006012979186, 'learning_rate': 0.1017855719968102, 'max_depth': 9, 'min_child_weight': 7.386933031616367, 'n_estimators': 225, 'subsample': 0.8006377742704852}
Epoch : 2023: f1_weighted Score 0.814 params {'colsample_bytree': 0.38158847336993307, 'gamma': 0.600568512111966, 'learning_rate': 0.007491132092592159, 'max_depth': 12, 'min_child_weight': 4.670932947829119, 'n_estimators': 300, 'subsample': 0.9395000622536851}
Epoch : 2024: f1_weighted Score 0.812 params {'colsample_bytree': 0.34905731759882497, 'gamma': 0.2719597277464682, 'learning_rate': 0.009764786267132758, 'max_depth': 13, 'min_child_weight': 4.381901027692974, 'n_estimators': 200, 'subsample': 0.8101425412817125}
Epoch : 2025: f1_weighted Score 0.812 params {'colsample_bytree': 0.3525664336278275, 'gamma': 0.2875685099913718, 'learning_rate': 0.012164178361980929, 'max_depth': 15, 'min_child_weight': 9.291774406233705, 'n_estimators': 175, 'subsample': 0.8092688350127262}
Epoch : 2026: f1_weighted Score 0.812 params {'colsample_bytree': 0.4627382305646039, 'gamma': 0.2068901074371291, 'learning_rate': 0.006584369222792262, 'max_depth': 18, 'min_child_weight': 5.914203264744943, 'n_estimators': 425, 'subsample': 0.9450760143082957}
Epoch : 2027: f1_weighted Score 0.814 params {'colsample_bytree': 0.44117274329753203, 'gamma': 0.18251828057531025, 'learning_rate': 0.00630279733759745, 'max_depth': 18, 'min_child_weight': 5.712320420739242, 'n_estimators': 450, 'subsample': 0.9466185278393715}
Epoch : 2028: f1_weighted Score 0.810 params {'colsample_bytree': 0.3243353567437511, 'gamma': 0.8196404626113148, 'learning_rate': 0.006682861388778805, 'max_depth': 19, 'min_child_weight': 6.39830977454228, 'n_estimators': 475, 'subsample': 0.8633476513059308}
Epoch : 2029: f1_weighted Score 0.814 params {'colsample_bytree': 0.34443901356872236, 'gamma': 0.9180629386526956, 'learning_rate': 0.010093014971275072, 'max_depth': 18, 'min_child_weight': 5.175784360629418, 'n_estimators': 300, 'subsample': 0.9175284115072044}
Epoch : 2030: f1_weighted Score 0.812 params {'colsample_bytree': 0.41532388721218144, 'gamma': 0.75404020932263, 'learning_rate': 0.012401857045568659, 'max_depth': 18, 'min_child_weight': 5.237516989694146, 'n_estimators': 200, 'subsample': 0.9192543939421115}
Epoch : 2031: f1_weighted Score 0.812 params {'colsample_bytree': 0.40417965953689367, 'gamma': 0.9998101219012913, 'learning_rate': 0.008105386779157862, 'max_depth': 5, 'min_child_weight': 6.381748705895922, 'n_estimators': 350, 'subsample': 0.9633594253746027}
Epoch : 2032: f1_weighted Score 0.812 params {'colsample_bytree': 0.4280740797683916, 'gamma': 0.6295792535677708, 'learning_rate': 0.008830827868138165, 'max_depth': 7, 'min_child_weight': 5.544611900129627, 'n_estimators': 400, 'subsample': 0.9512086089382938}
Epoch : 2033: f1_weighted Score 0.810 params {'colsample_bytree': 0.370761128015326, 'gamma': 0.7455222467425162, 'learning_rate': 0.011497441366702995, 'max_depth': 14, 'min_child_weight': 4.491573516737591, 'n_estimators': 175, 'subsample': 0.8060581905127412}
Epoch : 2034: f1_weighted Score 0.811 params {'colsample_bytree': 0.4845974933512561, 'gamma': 0.5588293696831385, 'learning_rate': 0.007019493979703465, 'max_depth': 14, 'min_child_weight': 3.852411490032506, 'n_estimators': 400, 'subsample': 0.8818225466542517}
Epoch : 2035: f1_weighted Score 0.800 params {'colsample_bytree': 0.30086407712690755, 'gamma': 0.17414120508697878, 'learning_rate': 0.006898769771548967, 'max_depth': 16, 'min_child_weight': 6.071328845456729, 'n_estimators': 1150, 'subsample': 0.9996870470677767}
Epoch : 2036: f1_weighted Score 0.812 params {'colsample_bytree': 0.3955511290717241, 'gamma': 0.6646796868008619, 'learning_rate': 0.005368713303203449, 'max_depth': 7, 'min_child_weight': 5.703265155625606, 'n_estimators': 525, 'subsample': 0.9753703827487717}
Epoch : 2037: f1_weighted Score 0.810 params {'colsample_bytree': 0.8633142323535901, 'gamma': 0.2657714729681503, 'learning_rate': 0.007578530234903663, 'max_depth': 14, 'min_child_weight': 5.730970577038707, 'n_estimators': 350, 'subsample': 0.9456223945975002}
Epoch : 2038: f1_weighted Score 0.800 params {'colsample_bytree': 0.3274556541506931, 'gamma': 0.4970110655015418, 'learning_rate': 0.043912065895447244, 'max_depth': 15, 'min_child_weight': 6.74214234026224, 'n_estimators': 425, 'subsample': 0.8936997676088091}
Epoch : 2039: f1_weighted Score 0.808 params {'colsample_bytree': 0.4077588875225118, 'gamma': 0.6720699984127623, 'learning_rate': 0.012052303272600437, 'max_depth': 14, 'min_child_weight': 3.4408981585529688, 'n_estimators': 275, 'subsample': 0.9139618840132403}
Epoch : 2040: f1_weighted Score 0.812 params {'colsample_bytree': 0.3000475916131408, 'gamma': 0.7300381901222759, 'learning_rate': 0.016312237727666344, 'max_depth': 17, 'min_child_weight': 6.578909459518961, 'n_estimators': 225, 'subsample': 0.9470461762115708}
Epoch : 2041: f1_weighted Score 0.799 params {'colsample_bytree': 0.4275473638342223, 'gamma': 0.9522780638242424, 'learning_rate': 0.010968752313039223, 'max_depth': 13, 'min_child_weight': 4.855372648314928, 'n_estimators': 700, 'subsample': 0.9301652165434079}
Epoch : 2042: f1_weighted Score 0.814 params {'colsample_bytree': 0.3677923865193732, 'gamma': 0.013820153659289909, 'learning_rate': 0.006434437299033008, 'max_depth': 7, 'min_child_weight': 5.471995854072227, 'n_estimators': 475, 'subsample': 0.9726450374921579}
Epoch : 2043: f1_weighted Score 0.812 params {'colsample_bytree': 0.4128100132527823, 'gamma': 0.04467182004053509, 'learning_rate': 0.005734409159992342, 'max_depth': 12, 'min_child_weight': 6.1974926216225175, 'n_estimators': 500, 'subsample': 0.9795178341127203}
Epoch : 2044: f1_weighted Score 0.812 params {'colsample_bytree': 0.34542838733381914, 'gamma': 0.9190731869581664, 'learning_rate': 0.006249499092390771, 'max_depth': 6, 'min_child_weight': 4.775441082233812, 'n_estimators': 525, 'subsample': 0.8742182965246734}
Epoch : 2045: f1_weighted Score 0.812 params {'colsample_bytree': 0.41951453399606714, 'gamma': 0.7617625820252428, 'learning_rate': 0.01049229680926238, 'max_depth': 17, 'min_child_weight': 6.25295774111702, 'n_estimators': 300, 'subsample': 0.9558246697655137}
Epoch : 2046: f1_weighted Score 0.799 params {'colsample_bytree': 0.34146378563042884, 'gamma': 0.7140102730579952, 'learning_rate': 0.007378747350210501, 'max_depth': 14, 'min_child_weight': 5.284647054405745, 'n_estimators': 1025, 'subsample': 0.950558874121763}
Epoch : 2047: f1_weighted Score 0.810 params {'colsample_bytree': 0.31305845040910296, 'gamma': 0.12985588400007786, 'learning_rate': 0.006020154767267081, 'max_depth': 20, 'min_child_weight': 5.666280572592648, 'n_estimators': 450, 'subsample': 0.9924577878423397}
Epoch : 2048: f1_weighted Score 0.812 params {'colsample_bytree': 0.5135859361533034, 'gamma': 0.6445578909325925, 'learning_rate': 0.00740405465292672, 'max_depth': 12, 'min_child_weight': 5.336634072742275, 'n_estimators': 375, 'subsample': 0.9494067758738749}
Epoch : 2049: f1_weighted Score 0.812 params {'colsample_bytree': 0.38599815793297537, 'gamma': 0.688798939733898, 'learning_rate': 0.009227929034160174, 'max_depth': 13, 'min_child_weight': 3.9466004941703376, 'n_estimators': 375, 'subsample': 0.8205520379149995}
Epoch : 2050: f1_weighted Score 0.799 params {'colsample_bytree': 0.4282696320164653, 'gamma': 0.9570979036117101, 'learning_rate': 0.011686438195244812, 'max_depth': 6, 'min_child_weight': 4.913585278900949, 'n_estimators': 625, 'subsample': 0.937044768587932}
Epoch : 2051: f1_weighted Score 0.812 params {'colsample_bytree': 0.4027628945906813, 'gamma': 0.6582240968384117, 'learning_rate': 0.01571651721758226, 'max_depth': 16, 'min_child_weight': 4.338601986081303, 'n_estimators': 225, 'subsample': 0.888874876416465}
Epoch : 2052: f1_weighted Score 0.814 params {'colsample_bytree': 0.3534386770097414, 'gamma': 0.16145579664572945, 'learning_rate': 0.006413709680895912, 'max_depth': 20, 'min_child_weight': 5.845746208212708, 'n_estimators': 450, 'subsample': 0.9815559897645906}
Epoch : 2053: f1_weighted Score 0.812 params {'colsample_bytree': 0.43003202507800514, 'gamma': 0.14534068510928833, 'learning_rate': 0.006748701039495655, 'max_depth': 20, 'min_child_weight': 5.803588340522873, 'n_estimators': 425, 'subsample': 0.9760446055203799}
Epoch : 2054: f1_weighted Score 0.812 params {'colsample_bytree': 0.45952901926936973, 'gamma': 0.7163544508490642, 'learning_rate': 0.006054852881155946, 'max_depth': 12, 'min_child_weight': 5.1040966981797835, 'n_estimators': 400, 'subsample': 0.946025079411346}
Epoch : 2055: f1_weighted Score 0.810 params {'colsample_bytree': 0.4405191020523886, 'gamma': 0.5222801348132174, 'learning_rate': 0.00871898129082443, 'max_depth': 19, 'min_child_weight': 4.086610851479757, 'n_estimators': 75, 'subsample': 0.9036704418885994}
Epoch : 2056: f1_weighted Score 0.814 params {'colsample_bytree': 0.47175203955058637, 'gamma': 0.5457350144942648, 'learning_rate': 0.006646475930653463, 'max_depth': 15, 'min_child_weight': 5.2674556669127055, 'n_estimators': 400, 'subsample': 0.9686252188542438}
Epoch : 2057: f1_weighted Score 0.812 params {'colsample_bytree': 0.5057252035287195, 'gamma': 0.4866089962198734, 'learning_rate': 0.0077921101923522475, 'max_depth': 13, 'min_child_weight': 4.994944066164643, 'n_estimators': 350, 'subsample': 0.912852282060503}
Epoch : 2058: f1_weighted Score 0.810 params {'colsample_bytree': 0.394208711329231, 'gamma': 0.3464340626868764, 'learning_rate': 0.015286538086673856, 'max_depth': 15, 'min_child_weight': 4.2389745359722575, 'n_estimators': 125, 'subsample': 0.9554580206789144}
Epoch : 2059: f1_weighted Score 0.812 params {'colsample_bytree': 0.3743140786006379, 'gamma': 0.7660778586346085, 'learning_rate': 0.009910895399243386, 'max_depth': 19, 'min_child_weight': 4.641153084234493, 'n_estimators': 250, 'subsample': 0.9522222029959199}
Epoch : 2060: f1_weighted Score 0.814 params {'colsample_bytree': 0.5425284615103331, 'gamma': 0.8226718416471177, 'learning_rate': 0.009053571742113848, 'max_depth': 8, 'min_child_weight': 5.057471589926382, 'n_estimators': 325, 'subsample': 0.8260798448347249}
Epoch : 2061: f1_weighted Score 0.814 params {'colsample_bytree': 0.44101460935787423, 'gamma': 0.11450844915917491, 'learning_rate': 0.006248869256339764, 'max_depth': 20, 'min_child_weight': 5.684127185980678, 'n_estimators': 425, 'subsample': 0.9766357501145708}
Epoch : 2062: f1_weighted Score 0.814 params {'colsample_bytree': 0.5560948289534167, 'gamma': 0.16151511650558592, 'learning_rate': 0.009878686000051474, 'max_depth': 11, 'min_child_weight': 5.002230809136836, 'n_estimators': 275, 'subsample': 0.9394723169629658}
Epoch : 2063: f1_weighted Score 0.811 params {'colsample_bytree': 0.5850267545608182, 'gamma': 0.16444491907895054, 'learning_rate': 0.009864188518350327, 'max_depth': 11, 'min_child_weight': 4.964791920096138, 'n_estimators': 300, 'subsample': 0.9379793464904772}
Epoch : 2064: f1_weighted Score 0.811 params {'colsample_bytree': 0.3628808045794114, 'gamma': 0.5820163625580723, 'learning_rate': 0.010740713464294234, 'max_depth': 15, 'min_child_weight': 3.881496438829088, 'n_estimators': 250, 'subsample': 0.9014754739039509}
Epoch : 2065: f1_weighted Score 0.787 params {'colsample_bytree': 0.32056156965965704, 'gamma': 0.037419931661212685, 'learning_rate': 0.07277374982738849, 'max_depth': 20, 'min_child_weight': 6.749397066143024, 'n_estimators': 475, 'subsample': 0.9653695100784027}
Epoch : 2066: f1_weighted Score 0.814 params {'colsample_bytree': 0.3788144454072385, 'gamma': 0.5460085148536808, 'learning_rate': 0.008349337444652069, 'max_depth': 16, 'min_child_weight': 4.500337646181, 'n_estimators': 400, 'subsample': 0.8511279589097053}
Epoch : 2067: f1_weighted Score 0.812 params {'colsample_bytree': 0.45102077143207364, 'gamma': 0.05225252001501068, 'learning_rate': 0.006800673735945798, 'max_depth': 20, 'min_child_weight': 4.455277546829144, 'n_estimators': 400, 'subsample': 0.8574310711999419}
Epoch : 2068: f1_weighted Score 0.810 params {'colsample_bytree': 0.3452691383997606, 'gamma': 0.00644871665311475, 'learning_rate': 0.006759842450217999, 'max_depth': 16, 'min_child_weight': 6.533292321560535, 'n_estimators': 475, 'subsample': 0.9013747402014245}
Epoch : 2069: f1_weighted Score 0.812 params {'colsample_bytree': 0.4538333159892329, 'gamma': 0.6615137611354347, 'learning_rate': 0.009242696822064312, 'max_depth': 19, 'min_child_weight': 4.660421266133475, 'n_estimators': 275, 'subsample': 0.9611622930264648}
Epoch : 2070: f1_weighted Score 0.812 params {'colsample_bytree': 0.41157865151470807, 'gamma': 0.08153446267280215, 'learning_rate': 0.007709383425962548, 'max_depth': 12, 'min_child_weight': 4.712796822615013, 'n_estimators': 350, 'subsample': 0.9937876148217984}
Epoch : 2071: f1_weighted Score 0.814 params {'colsample_bytree': 0.4271584821975771, 'gamma': 0.7860414282739712, 'learning_rate': 0.00805913034214273, 'max_depth': 19, 'min_child_weight': 4.606307228707993, 'n_estimators': 325, 'subsample': 0.9264601455839082}
Epoch : 2072: f1_weighted Score 0.814 params {'colsample_bytree': 0.3338952518056946, 'gamma': 0.1539944916787407, 'learning_rate': 0.007056548290201057, 'max_depth': 18, 'min_child_weight': 5.854239426727405, 'n_estimators': 425, 'subsample': 0.9882255729098416}
Epoch : 2073: f1_weighted Score 0.812 params {'colsample_bytree': 0.48151935321470085, 'gamma': 0.6970302812215518, 'learning_rate': 0.009131398678731346, 'max_depth': 10, 'min_child_weight': 4.916758612936346, 'n_estimators': 275, 'subsample': 0.9330417978955763}
Epoch : 2074: f1_weighted Score 0.812 params {'colsample_bytree': 0.5275933585448043, 'gamma': 0.42737630788565845, 'learning_rate': 0.0061156089492293755, 'max_depth': 8, 'min_child_weight': 4.424192699928573, 'n_estimators': 450, 'subsample': 0.9091763852115963}
Epoch : 2075: f1_weighted Score 0.811 params {'colsample_bytree': 0.3456884822103552, 'gamma': 0.6242674390468907, 'learning_rate': 0.013421291309302563, 'max_depth': 14, 'min_child_weight': 6.082176867292804, 'n_estimators': 325, 'subsample': 0.9080545789817828}
Epoch : 2076: f1_weighted Score 0.786 params {'colsample_bytree': 0.30059299499699943, 'gamma': 0.4422202510572426, 'learning_rate': 0.07737557110410317, 'max_depth': 18, 'min_child_weight': 4.865752501204743, 'n_estimators': 375, 'subsample': 0.9043343516111376}
Epoch : 2077: f1_weighted Score 0.814 params {'colsample_bytree': 0.3607557742547554, 'gamma': 0.6345814996652609, 'learning_rate': 0.007504466781424018, 'max_depth': 9, 'min_child_weight': 4.729451532038668, 'n_estimators': 350, 'subsample': 0.9523074908151956}
Epoch : 2078: f1_weighted Score 0.812 params {'colsample_bytree': 0.3843812984467384, 'gamma': 0.26762130521429645, 'learning_rate': 0.007335265830598059, 'max_depth': 15, 'min_child_weight': 4.400269246197412, 'n_estimators': 350, 'subsample': 0.952999079761813}
Epoch : 2079: f1_weighted Score 0.810 params {'colsample_bytree': 0.5224994404783792, 'gamma': 0.5665158639448734, 'learning_rate': 0.005834374718811699, 'max_depth': 15, 'min_child_weight': 4.2865448446509955, 'n_estimators': 350, 'subsample': 0.8790873679349434}
Epoch : 2080: f1_weighted Score 0.800 params {'colsample_bytree': 0.3771846463306132, 'gamma': 0.8005368383871935, 'learning_rate': 0.008646730352792602, 'max_depth': 19, 'min_child_weight': 4.60062014755903, 'n_estimators': 775, 'subsample': 0.9599405572536813}
Epoch : 2081: f1_weighted Score 0.810 params {'colsample_bytree': 0.31511729768824, 'gamma': 0.07590430304209791, 'learning_rate': 0.008571541373177038, 'max_depth': 20, 'min_child_weight': 5.463750156785334, 'n_estimators': 375, 'subsample': 0.9896900492394224}
Epoch : 2082: f1_weighted Score 0.812 params {'colsample_bytree': 0.3927590736180574, 'gamma': 0.26541489782594413, 'learning_rate': 0.006145910078905336, 'max_depth': 8, 'min_child_weight': 5.397472794167322, 'n_estimators': 425, 'subsample': 0.98416009233487}
Epoch : 2083: f1_weighted Score 0.810 params {'colsample_bytree': 0.32979220334761916, 'gamma': 0.6809893444370299, 'learning_rate': 0.008002292779056393, 'max_depth': 10, 'min_child_weight': 6.396909253059553, 'n_estimators': 375, 'subsample': 0.923081411126391}
Epoch : 2084: f1_weighted Score 0.812 params {'colsample_bytree': 0.3953942431633292, 'gamma': 0.746947792355454, 'learning_rate': 0.012723787472432411, 'max_depth': 7, 'min_child_weight': 5.446324472104987, 'n_estimators': 300, 'subsample': 0.8903122086711155}
Epoch : 2085: f1_weighted Score 0.809 params {'colsample_bytree': 0.4140989247620039, 'gamma': 0.978451586044832, 'learning_rate': 0.00732309452636438, 'max_depth': 10, 'min_child_weight': 5.2248168475472605, 'n_estimators': 500, 'subsample': 0.9538978582211104}
Epoch : 2086: f1_weighted Score 0.814 params {'colsample_bytree': 0.36451512381107465, 'gamma': 0.36377444727790936, 'learning_rate': 0.007758709217581037, 'max_depth': 18, 'min_child_weight': 5.1357341343690335, 'n_estimators': 375, 'subsample': 0.9076198191243919}
Epoch : 2087: f1_weighted Score 0.809 params {'colsample_bytree': 0.5951877793652631, 'gamma': 0.8456453952423937, 'learning_rate': 0.008572659135429624, 'max_depth': 8, 'min_child_weight': 7.675548809404238, 'n_estimators': 575, 'subsample': 0.819139777688649}
Epoch : 2088: f1_weighted Score 0.797 params {'colsample_bytree': 0.4215198631696465, 'gamma': 0.7322529964684087, 'learning_rate': 0.009148391964334342, 'max_depth': 19, 'min_child_weight': 4.073607599347048, 'n_estimators': 675, 'subsample': 0.9581080829146665}
Epoch : 2089: f1_weighted Score 0.812 params {'colsample_bytree': 0.34751748959602946, 'gamma': 0.40905279769225744, 'learning_rate': 0.006768902969441342, 'max_depth': 12, 'min_child_weight': 5.769238039041515, 'n_estimators': 350, 'subsample': 0.9312746329251235}
Epoch : 2090: f1_weighted Score 0.814 params {'colsample_bytree': 0.3561848704932093, 'gamma': 0.04838046229662973, 'learning_rate': 0.0069358535999046785, 'max_depth': 10, 'min_child_weight': 5.538085954802232, 'n_estimators': 450, 'subsample': 0.8396368031791736}
Epoch : 2091: f1_weighted Score 0.810 params {'colsample_bytree': 0.3114349556093307, 'gamma': 0.04670153926724513, 'learning_rate': 0.006369966599155364, 'max_depth': 11, 'min_child_weight': 6.8032001882945385, 'n_estimators': 475, 'subsample': 0.9673381454806615}
Epoch : 2092: f1_weighted Score 0.812 params {'colsample_bytree': 0.45369340763362354, 'gamma': 0.7261747591538902, 'learning_rate': 0.009602077536747727, 'max_depth': 16, 'min_child_weight': 5.134084912771406, 'n_estimators': 250, 'subsample': 0.9020070221040325}
Epoch : 2093: f1_weighted Score 0.812 params {'colsample_bytree': 0.4429926983877862, 'gamma': 0.0649183031340235, 'learning_rate': 0.008307536391402295, 'max_depth': 10, 'min_child_weight': 5.9549919890916785, 'n_estimators': 325, 'subsample': 0.8302492338735972}
Epoch : 2094: f1_weighted Score 0.812 params {'colsample_bytree': 0.4638219986769265, 'gamma': 0.0035027377699410264, 'learning_rate': 0.008441669708974415, 'max_depth': 10, 'min_child_weight': 5.763376815018698, 'n_estimators': 325, 'subsample': 0.8257199501959609}
Epoch : 2095: f1_weighted Score 0.812 params {'colsample_bytree': 0.5547796700074665, 'gamma': 0.6935897553834791, 'learning_rate': 0.01112643189580528, 'max_depth': 13, 'min_child_weight': 4.288917419556157, 'n_estimators': 200, 'subsample': 0.8083803649021033}
Epoch : 2096: f1_weighted Score 0.811 params {'colsample_bytree': 0.43426482585960385, 'gamma': 0.676937080655923, 'learning_rate': 0.013368596180900805, 'max_depth': 19, 'min_child_weight': 5.651295118205051, 'n_estimators': 300, 'subsample': 0.9575952598667287}
Epoch : 2097: f1_weighted Score 0.810 params {'colsample_bytree': 0.47517944410299573, 'gamma': 0.704978142460039, 'learning_rate': 0.014652671842623215, 'max_depth': 13, 'min_child_weight': 3.0975736489452506, 'n_estimators': 150, 'subsample': 0.9343340929753331}
Epoch : 2098: f1_weighted Score 0.810 params {'colsample_bytree': 0.32331999156165814, 'gamma': 0.6853060752682367, 'learning_rate': 0.01074904007956792, 'max_depth': 17, 'min_child_weight': 5.37963567736349, 'n_estimators': 275, 'subsample': 0.9458130409590019}
Epoch : 2099: f1_weighted Score 0.796 params {'colsample_bytree': 0.3012621413210562, 'gamma': 0.5346826694563904, 'learning_rate': 0.03753083879189529, 'max_depth': 16, 'min_child_weight': 6.66817134255419, 'n_estimators': 550, 'subsample': 0.895005535956354}
Epoch : 2100: f1_weighted Score 0.814 params {'colsample_bytree': 0.3377080740137959, 'gamma': 0.202369255136948, 'learning_rate': 0.008283493783844059, 'max_depth': 11, 'min_child_weight': 6.067568253906652, 'n_estimators': 375, 'subsample': 0.9419164470679935}
Epoch : 2101: f1_weighted Score 0.810 params {'colsample_bytree': 0.3296140004962649, 'gamma': 0.21913612899132628, 'learning_rate': 0.005584408901924957, 'max_depth': 9, 'min_child_weight': 7.46093472118873, 'n_estimators': 550, 'subsample': 0.9000475256646135}
Epoch : 2102: f1_weighted Score 0.811 params {'colsample_bytree': 0.7037598989834282, 'gamma': 0.5930648874239797, 'learning_rate': 0.011210353059038405, 'max_depth': 11, 'min_child_weight': 5.297943963547056, 'n_estimators': 325, 'subsample': 0.8681047029886578}
Epoch : 2103: f1_weighted Score 0.811 params {'colsample_bytree': 0.5027697456388365, 'gamma': 0.6064788875455105, 'learning_rate': 0.009305048476800977, 'max_depth': 11, 'min_child_weight': 6.271078137380081, 'n_estimators': 375, 'subsample': 0.9455507506010323}
Epoch : 2104: f1_weighted Score 0.814 params {'colsample_bytree': 0.39346655638296824, 'gamma': 0.5433947114314831, 'learning_rate': 0.00705966373954965, 'max_depth': 8, 'min_child_weight': 4.83312229238664, 'n_estimators': 400, 'subsample': 0.9691434776598649}
Epoch : 2105: f1_weighted Score 0.814 params {'colsample_bytree': 0.4100207550332775, 'gamma': 0.5367615673351177, 'learning_rate': 0.01434926329647179, 'max_depth': 18, 'min_child_weight': 4.852914650842847, 'n_estimators': 200, 'subsample': 0.9652763039127089}
Epoch : 2106: f1_weighted Score 0.806 params {'colsample_bytree': 0.4200390062673079, 'gamma': 0.07704210614126543, 'learning_rate': 0.005829296563147405, 'max_depth': 12, 'min_child_weight': 3.1737873852141134, 'n_estimators': 475, 'subsample': 0.8012548650150614}
Epoch : 2107: f1_weighted Score 0.812 params {'colsample_bytree': 0.34793996298528396, 'gamma': 0.9427056237501057, 'learning_rate': 0.00745884486912485, 'max_depth': 3, 'min_child_weight': 5.277878052650612, 'n_estimators': 575, 'subsample': 0.9503974275221574}
Epoch : 2108: f1_weighted Score 0.814 params {'colsample_bytree': 0.40999539589797684, 'gamma': 0.99078202117514, 'learning_rate': 0.005545907057346096, 'max_depth': 20, 'min_child_weight': 5.058346933649024, 'n_estimators': 550, 'subsample': 0.9731673990889802}
Epoch : 2109: f1_weighted Score 0.814 params {'colsample_bytree': 0.42403437427560203, 'gamma': 0.11094490445937957, 'learning_rate': 0.005337947788730975, 'max_depth': 12, 'min_child_weight': 6.025910988950951, 'n_estimators': 500, 'subsample': 0.9857265011015948}
Epoch : 2110: f1_weighted Score 0.812 params {'colsample_bytree': 0.4061494056941025, 'gamma': 0.8439769698839441, 'learning_rate': 0.005387256461254544, 'max_depth': 20, 'min_child_weight': 5.0614572359404, 'n_estimators': 525, 'subsample': 0.9686832140413465}
Epoch : 2111: f1_weighted Score 0.809 params {'colsample_bytree': 0.4533583156879793, 'gamma': 0.7000883385660234, 'learning_rate': 0.009653190687044727, 'max_depth': 9, 'min_child_weight': 7.6276849273530996, 'n_estimators': 600, 'subsample': 0.8336348725449069}
Epoch : 2112: f1_weighted Score 0.797 params {'colsample_bytree': 0.41685343110084605, 'gamma': 0.9026627345567647, 'learning_rate': 0.02295111514145208, 'max_depth': 9, 'min_child_weight': 4.162571461231086, 'n_estimators': 450, 'subsample': 0.8599289264899059}
Epoch : 2113: f1_weighted Score 0.812 params {'colsample_bytree': 0.336457579945637, 'gamma': 0.612827077642492, 'learning_rate': 0.0075888779988796855, 'max_depth': 15, 'min_child_weight': 5.537322033249712, 'n_estimators': 300, 'subsample': 0.8686479137162242}
Epoch : 2114: f1_weighted Score 0.812 params {'colsample_bytree': 0.37017095380265863, 'gamma': 0.585617808461553, 'learning_rate': 0.008097155687617794, 'max_depth': 14, 'min_child_weight': 3.756950034909744, 'n_estimators': 325, 'subsample': 0.8845360850399802}
Epoch : 2115: f1_weighted Score 0.806 params {'colsample_bytree': 0.31231354423388613, 'gamma': 0.6475318815363057, 'learning_rate': 0.017012721053366722, 'max_depth': 17, 'min_child_weight': 5.586555744535382, 'n_estimators': 125, 'subsample': 0.9635692110166781}
Epoch : 2116: f1_weighted Score 0.812 params {'colsample_bytree': 0.3976720452941295, 'gamma': 0.6609245651074135, 'learning_rate': 0.010255703865602057, 'max_depth': 11, 'min_child_weight': 5.638638436065997, 'n_estimators': 250, 'subsample': 0.9356170624543644}
Epoch : 2117: f1_weighted Score 0.810 params {'colsample_bytree': 0.30095761993875675, 'gamma': 0.6514129869344372, 'learning_rate': 0.008971073553677194, 'max_depth': 18, 'min_child_weight': 5.23700676074294, 'n_estimators': 300, 'subsample': 0.9436312354004199}
Epoch : 2118: f1_weighted Score 0.812 params {'colsample_bytree': 0.4005314933732556, 'gamma': 0.6756323053785629, 'learning_rate': 0.010113197792747783, 'max_depth': 7, 'min_child_weight': 5.083348069890084, 'n_estimators': 250, 'subsample': 0.9072648895249694}
Epoch : 2119: f1_weighted Score 0.814 params {'colsample_bytree': 0.3806615522744914, 'gamma': 0.4487838705046235, 'learning_rate': 0.010689221109293486, 'max_depth': 8, 'min_child_weight': 5.330184072944598, 'n_estimators': 275, 'subsample': 0.8966815742543384}
Epoch : 2120: f1_weighted Score 0.810 params {'colsample_bytree': 0.3001270114549826, 'gamma': 0.0957197523613404, 'learning_rate': 0.007086834129007357, 'max_depth': 9, 'min_child_weight': 5.914951524968923, 'n_estimators': 350, 'subsample': 0.8373332203169034}
Epoch : 2121: f1_weighted Score 0.812 params {'colsample_bytree': 0.39190465345316494, 'gamma': 0.3291857937418507, 'learning_rate': 0.007550403130877608, 'max_depth': 13, 'min_child_weight': 5.414599278475978, 'n_estimators': 350, 'subsample': 0.9280474728805769}
Epoch : 2122: f1_weighted Score 0.812 params {'colsample_bytree': 0.7816888764208496, 'gamma': 0.8202475060237947, 'learning_rate': 0.010607332014550903, 'max_depth': 13, 'min_child_weight': 8.303636558609302, 'n_estimators': 225, 'subsample': 0.8028817844396705}
Epoch : 2123: f1_weighted Score 0.812 params {'colsample_bytree': 0.35605012567787087, 'gamma': 0.8159202630327493, 'learning_rate': 0.011894444878631371, 'max_depth': 13, 'min_child_weight': 7.1684706465927865, 'n_estimators': 250, 'subsample': 0.8102991109096094}
Epoch : 2124: f1_weighted Score 0.812 params {'colsample_bytree': 0.3507604237757451, 'gamma': 0.625686977039791, 'learning_rate': 0.011944203139960677, 'max_depth': 15, 'min_child_weight': 5.545544518541797, 'n_estimators': 300, 'subsample': 0.9324523377143229}
Epoch : 2125: f1_weighted Score 0.792 params {'colsample_bytree': 0.3897054356593428, 'gamma': 0.6048728331088318, 'learning_rate': 0.01365193684447609, 'max_depth': 12, 'min_child_weight': 0.08665569292786302, 'n_estimators': 350, 'subsample': 0.9050421989156602}
Epoch : 2126: f1_weighted Score 0.812 params {'colsample_bytree': 0.39886349963162876, 'gamma': 0.6990423519481692, 'learning_rate': 0.012773114610441998, 'max_depth': 2, 'min_child_weight': 8.089892061833748, 'n_estimators': 175, 'subsample': 0.9418362013775344}
Epoch : 2127: f1_weighted Score 0.812 params {'colsample_bytree': 0.35692328778101956, 'gamma': 0.4723729183109164, 'learning_rate': 0.011096093129775645, 'max_depth': 10, 'min_child_weight': 7.708316185324122, 'n_estimators': 225, 'subsample': 0.8177728429694148}
Epoch : 2128: f1_weighted Score 0.812 params {'colsample_bytree': 0.5699221360562262, 'gamma': 0.8323812400211067, 'learning_rate': 0.011213760480664749, 'max_depth': 11, 'min_child_weight': 4.808472817404727, 'n_estimators': 200, 'subsample': 0.9372001386151783}
Epoch : 2129: f1_weighted Score 0.812 params {'colsample_bytree': 0.36590294928175504, 'gamma': 0.8157545373037782, 'learning_rate': 0.011948982597224518, 'max_depth': 13, 'min_child_weight': 7.805896315793657, 'n_estimators': 225, 'subsample': 0.9364890294361663}
Epoch : 2130: f1_weighted Score 0.810 params {'colsample_bytree': 0.3002866756958117, 'gamma': 0.20675786747866612, 'learning_rate': 0.0062888093687490255, 'max_depth': 20, 'min_child_weight': 6.0746696518102485, 'n_estimators': 425, 'subsample': 0.9150739434027912}
Epoch : 2131: f1_weighted Score 0.814 params {'colsample_bytree': 0.3778727137371706, 'gamma': 0.6276197403310495, 'learning_rate': 0.008913819645983968, 'max_depth': 19, 'min_child_weight': 4.735278112823, 'n_estimators': 275, 'subsample': 0.9345306217806278}
Epoch : 2132: f1_weighted Score 0.814 params {'colsample_bytree': 0.3367828423530159, 'gamma': 0.6672223638807462, 'learning_rate': 0.008854864949852615, 'max_depth': 11, 'min_child_weight': 4.5946682440478925, 'n_estimators': 300, 'subsample': 0.9452172949073724}
Epoch : 2133: f1_weighted Score 0.812 params {'colsample_bytree': 0.323483947198214, 'gamma': 0.6574508144963005, 'learning_rate': 0.009809626704467323, 'max_depth': 11, 'min_child_weight': 4.542760098187324, 'n_estimators': 325, 'subsample': 0.9495219497032114}
Epoch : 2134: f1_weighted Score 0.814 params {'colsample_bytree': 0.3484521229672526, 'gamma': 0.7998094935060248, 'learning_rate': 0.008055222956030323, 'max_depth': 19, 'min_child_weight': 5.57845579494944, 'n_estimators': 350, 'subsample': 0.9603897178349684}
Epoch : 2135: f1_weighted Score 0.810 params {'colsample_bytree': 0.332945695375173, 'gamma': 0.9368986025888898, 'learning_rate': 0.005057165908192229, 'max_depth': 19, 'min_child_weight': 5.132122322987302, 'n_estimators': 625, 'subsample': 0.932277177388785}
Epoch : 2136: f1_weighted Score 0.805 params {'colsample_bytree': 0.3709199913382908, 'gamma': 0.7797026937797028, 'learning_rate': 0.0077110658861302955, 'max_depth': 6, 'min_child_weight': 4.90828628063983, 'n_estimators': 675, 'subsample': 0.9728886082331257}
Epoch : 2137: f1_weighted Score 0.814 params {'colsample_bytree': 0.36162883551923963, 'gamma': 0.41354181432437975, 'learning_rate': 0.007548046310000482, 'max_depth': 14, 'min_child_weight': 3.987897568773858, 'n_estimators': 325, 'subsample': 0.8958071626911279}
Epoch : 2138: f1_weighted Score 0.801 params {'colsample_bytree': 0.4081036548263798, 'gamma': 0.41493188206920634, 'learning_rate': 0.009279504041260505, 'max_depth': 20, 'min_child_weight': 3.3108964289499214, 'n_estimators': 175, 'subsample': 0.9596249190252167}
Epoch : 2139: f1_weighted Score 0.790 params {'colsample_bytree': 0.3217384810498087, 'gamma': 0.4758581449826461, 'learning_rate': 0.048825066366067225, 'max_depth': 6, 'min_child_weight': 5.581052932032832, 'n_estimators': 450, 'subsample': 0.8908858479833474}
Epoch : 2140: f1_weighted Score 0.811 params {'colsample_bytree': 0.3430090469426883, 'gamma': 0.42893277084077286, 'learning_rate': 0.0050244879423347755, 'max_depth': 7, 'min_child_weight': 5.649912797157309, 'n_estimators': 775, 'subsample': 0.9110513633119306}
Epoch : 2141: f1_weighted Score 0.796 params {'colsample_bytree': 0.31859153056052286, 'gamma': 0.3976693433513733, 'learning_rate': 0.008102791940949572, 'max_depth': 9, 'min_child_weight': 6.014597597184319, 'n_estimators': 1350, 'subsample': 0.9950425285053688}
Epoch : 2142: f1_weighted Score 0.812 params {'colsample_bytree': 0.3763981615723996, 'gamma': 0.04418426814208903, 'learning_rate': 0.006508227572949959, 'max_depth': 10, 'min_child_weight': 6.2428640972857945, 'n_estimators': 450, 'subsample': 0.9775852818475839}
Epoch : 2143: f1_weighted Score 0.814 params {'colsample_bytree': 0.391689643776891, 'gamma': 0.7797445845772096, 'learning_rate': 0.009412393281204572, 'max_depth': 18, 'min_child_weight': 4.339743498872799, 'n_estimators': 250, 'subsample': 0.9441335661002921}
Epoch : 2144: f1_weighted Score 0.812 params {'colsample_bytree': 0.392195634077113, 'gamma': 0.8978195463879519, 'learning_rate': 0.006116153875560635, 'max_depth': 10, 'min_child_weight': 4.534382353886579, 'n_estimators': 575, 'subsample': 0.8529481633091508}
Epoch : 2145: f1_weighted Score 0.810 params {'colsample_bytree': 0.9793107718117374, 'gamma': 0.2212717448419314, 'learning_rate': 0.0070611473887123135, 'max_depth': 16, 'min_child_weight': 4.227926629465524, 'n_estimators': 300, 'subsample': 0.9169380352534385}
Epoch : 2146: f1_weighted Score 0.811 params {'colsample_bytree': 0.381217918300779, 'gamma': 0.5115767080614578, 'learning_rate': 0.009240593105253164, 'max_depth': 18, 'min_child_weight': 6.441905914426333, 'n_estimators': 400, 'subsample': 0.9548392297900675}
Epoch : 2147: f1_weighted Score 0.783 params {'colsample_bytree': 0.3230116972070895, 'gamma': 0.004000139191079676, 'learning_rate': 0.08546027482309365, 'max_depth': 20, 'min_child_weight': 7.017131620293096, 'n_estimators': 500, 'subsample': 0.96226068008547}
Epoch : 2148: f1_weighted Score 0.809 params {'colsample_bytree': 0.436254094825319, 'gamma': 0.45246134920749326, 'learning_rate': 0.005543941169963103, 'max_depth': 10, 'min_child_weight': 3.4714118713123527, 'n_estimators': 525, 'subsample': 0.8298234547852513}
Epoch : 2149: f1_weighted Score 0.807 params {'colsample_bytree': 0.4393799073110021, 'gamma': 0.11202968049164849, 'learning_rate': 0.00861148394568532, 'max_depth': 12, 'min_child_weight': 2.732172969736318, 'n_estimators': 275, 'subsample': 0.9640468261376559}
Epoch : 2150: f1_weighted Score 0.796 params {'colsample_bytree': 0.3788187744209095, 'gamma': 0.412167172106358, 'learning_rate': 0.015117370072626663, 'max_depth': 17, 'min_child_weight': 5.914512332964635, 'n_estimators': 750, 'subsample': 0.9100504671044533}
Epoch : 2151: f1_weighted Score 0.808 params {'colsample_bytree': 0.36471519647282186, 'gamma': 0.7322200866509065, 'learning_rate': 0.013687417320716209, 'max_depth': 13, 'min_child_weight': 3.712820127975907, 'n_estimators': 225, 'subsample': 0.9254435070461214}
Epoch : 2152: f1_weighted Score 0.812 params {'colsample_bytree': 0.47649520645873383, 'gamma': 0.09851910866192312, 'learning_rate': 0.005412540758234745, 'max_depth': 8, 'min_child_weight': 5.170669106845943, 'n_estimators': 525, 'subsample': 0.9143450922551019}
Epoch : 2153: f1_weighted Score 0.812 params {'colsample_bytree': 0.35908263094102805, 'gamma': 0.24442288573861068, 'learning_rate': 0.009183329292566962, 'max_depth': 4, 'min_child_weight': 5.759062785254891, 'n_estimators': 300, 'subsample': 0.9110736567346536}
Epoch : 2154: f1_weighted Score 0.812 params {'colsample_bytree': 0.5749650498015367, 'gamma': 0.18320451661200887, 'learning_rate': 0.006634078142284966, 'max_depth': 16, 'min_child_weight': 5.956665660145079, 'n_estimators': 400, 'subsample': 0.9075454435094104}
Epoch : 2155: f1_weighted Score 0.808 params {'colsample_bytree': 0.517857492868186, 'gamma': 0.5050117592701857, 'learning_rate': 0.0077821019273715914, 'max_depth': 15, 'min_child_weight': 3.9199092686719172, 'n_estimators': 350, 'subsample': 0.8975171204223273}
Epoch : 2156: f1_weighted Score 0.803 params {'colsample_bytree': 0.3334317388977709, 'gamma': 0.883070431574443, 'learning_rate': 0.007421468532754368, 'max_depth': 17, 'min_child_weight': 6.498461531847344, 'n_estimators': 1250, 'subsample': 0.9293014011491563}
Epoch : 2157: f1_weighted Score 0.808 params {'colsample_bytree': 0.505030888424971, 'gamma': 0.7468137637600618, 'learning_rate': 0.01186620132428512, 'max_depth': 16, 'min_child_weight': 3.9314915395064536, 'n_estimators': 250, 'subsample': 0.9046424018304154}
Epoch : 2158: f1_weighted Score 0.812 params {'colsample_bytree': 0.3947603102502333, 'gamma': 0.7216507217054859, 'learning_rate': 0.005862491042181742, 'max_depth': 7, 'min_child_weight': 4.4485284616243845, 'n_estimators': 600, 'subsample': 0.8229772695646566}
Epoch : 2159: f1_weighted Score 0.802 params {'colsample_bytree': 0.3142118759457199, 'gamma': 0.544672144872463, 'learning_rate': 0.051451254028226416, 'max_depth': 17, 'min_child_weight': 4.846933357206354, 'n_estimators': 175, 'subsample': 0.91777960660682}
Epoch : 2160: f1_weighted Score 0.810 params {'colsample_bytree': 0.40868018875220846, 'gamma': 0.082895761625149, 'learning_rate': 0.01628911181611616, 'max_depth': 12, 'min_child_weight': 5.399700502570299, 'n_estimators': 150, 'subsample': 0.9960085115304447}
Epoch : 2161: f1_weighted Score 0.809 params {'colsample_bytree': 0.42010304741113846, 'gamma': 0.7714440118406491, 'learning_rate': 0.006798403107657733, 'max_depth': 13, 'min_child_weight': 4.120123929734103, 'n_estimators': 375, 'subsample': 0.9563780192152345}
Epoch : 2162: f1_weighted Score 0.810 params {'colsample_bytree': 0.4517424632240731, 'gamma': 0.8678154963754612, 'learning_rate': 0.007204042008980428, 'max_depth': 5, 'min_child_weight': 5.234764567809591, 'n_estimators': 400, 'subsample': 0.9487855471403178}
Epoch : 2163: f1_weighted Score 0.802 params {'colsample_bytree': 0.37499289560750965, 'gamma': 0.36835953740493965, 'learning_rate': 0.011010283881256144, 'max_depth': 13, 'min_child_weight': 3.6332903745797602, 'n_estimators': 150, 'subsample': 0.9372435965169214}
Epoch : 2164: f1_weighted Score 0.810 params {'colsample_bytree': 0.35270277958276, 'gamma': 0.6139701744609724, 'learning_rate': 0.005036108980941132, 'max_depth': 11, 'min_child_weight': 5.480936311094595, 'n_estimators': 475, 'subsample': 0.8680670134633487}
Epoch : 2165: f1_weighted Score 0.814 params {'colsample_bytree': 0.35991980059182277, 'gamma': 0.07849026323450063, 'learning_rate': 0.008352003230718457, 'max_depth': 7, 'min_child_weight': 5.846449943202128, 'n_estimators': 375, 'subsample': 0.9659221513813779}
Epoch : 2166: f1_weighted Score 0.812 params {'colsample_bytree': 0.3929300137180893, 'gamma': 0.07646642103062298, 'learning_rate': 0.008636054155709958, 'max_depth': 5, 'min_child_weight': 5.7161881536336905, 'n_estimators': 325, 'subsample': 0.9431780406481197}
Epoch : 2167: f1_weighted Score 0.799 params {'colsample_bytree': 0.324761566959737, 'gamma': 0.026297967727815674, 'learning_rate': 0.034722953776495195, 'max_depth': 15, 'min_child_weight': 6.30413491661328, 'n_estimators': 525, 'subsample': 0.8978655256004712}
Epoch : 2168: f1_weighted Score 0.812 params {'colsample_bytree': 0.3435351052592286, 'gamma': 0.3686878830067547, 'learning_rate': 0.014552285547474788, 'max_depth': 3, 'min_child_weight': 4.913508808942116, 'n_estimators': 200, 'subsample': 0.9224027427928779}
Epoch : 2169: f1_weighted Score 0.800 params {'colsample_bytree': 0.336941867371301, 'gamma': 0.8271634166308082, 'learning_rate': 0.010230276900443909, 'max_depth': 11, 'min_child_weight': 5.065776852328494, 'n_estimators': 675, 'subsample': 0.9250539036979909}
Epoch : 2170: f1_weighted Score 0.810 params {'colsample_bytree': 0.3131521621243724, 'gamma': 0.13613006225786461, 'learning_rate': 0.008093060083552078, 'max_depth': 18, 'min_child_weight': 6.208040149889463, 'n_estimators': 425, 'subsample': 0.9525510358641888}
Epoch : 2171: f1_weighted Score 0.811 params {'colsample_bytree': 0.49878235549760946, 'gamma': 0.6703219974992871, 'learning_rate': 0.009831796124744562, 'max_depth': 11, 'min_child_weight': 5.44913917232916, 'n_estimators': 325, 'subsample': 0.9827395766383494}
Epoch : 2172: f1_weighted Score 0.812 params {'colsample_bytree': 0.3647315109612793, 'gamma': 0.5823898775998997, 'learning_rate': 0.006545220551432718, 'max_depth': 16, 'min_child_weight': 5.226168441874627, 'n_estimators': 425, 'subsample': 0.8918585933202504}
Epoch : 2173: f1_weighted Score 0.812 params {'colsample_bytree': 0.44526700911446315, 'gamma': 0.5247555557969912, 'learning_rate': 0.008081661481384297, 'max_depth': 15, 'min_child_weight': 4.644069620330677, 'n_estimators': 350, 'subsample': 0.8821018208213649}
Epoch : 2174: f1_weighted Score 0.812 params {'colsample_bytree': 0.3471273701778831, 'gamma': 0.38518096895109066, 'learning_rate': 0.006340127865149587, 'max_depth': 9, 'min_child_weight': 7.908603296514826, 'n_estimators': 525, 'subsample': 0.8665141520958857}
Epoch : 2175: f1_weighted Score 0.807 params {'colsample_bytree': 0.4618504867497128, 'gamma': 0.24086465569914794, 'learning_rate': 0.005224084366384865, 'max_depth': 20, 'min_child_weight': 3.0848285681519583, 'n_estimators': 500, 'subsample': 0.9780695320051375}
Epoch : 2176: f1_weighted Score 0.809 params {'colsample_bytree': 0.4382128379458988, 'gamma': 0.5829871742646647, 'learning_rate': 0.008674086900963328, 'max_depth': 11, 'min_child_weight': 5.141283954413966, 'n_estimators': 400, 'subsample': 0.9518923338402584}
Epoch : 2177: f1_weighted Score 0.814 params {'colsample_bytree': 0.43905224445764074, 'gamma': 0.972401982389854, 'learning_rate': 0.005197301341036323, 'max_depth': 19, 'min_child_weight': 4.729821974393828, 'n_estimators': 575, 'subsample': 0.8019346767764255}
Epoch : 2178: f1_weighted Score 0.794 params {'colsample_bytree': 0.46792470246907164, 'gamma': 0.9599450036884596, 'learning_rate': 0.01234290120013228, 'max_depth': 16, 'min_child_weight': 4.724371725770294, 'n_estimators': 875, 'subsample': 0.9115445857570984}
Epoch : 2179: f1_weighted Score 0.808 params {'colsample_bytree': 0.40736599074190133, 'gamma': 0.7800892655341019, 'learning_rate': 0.006948113843162317, 'max_depth': 20, 'min_child_weight': 4.0174113705245444, 'n_estimators': 275, 'subsample': 0.9724831657740137}
Epoch : 2180: f1_weighted Score 0.814 params {'colsample_bytree': 0.3838060879646011, 'gamma': 0.8759602178394418, 'learning_rate': 0.010450590748667112, 'max_depth': 10, 'min_child_weight': 5.404378548336584, 'n_estimators': 275, 'subsample': 0.9573159528526012}
Epoch : 2181: f1_weighted Score 0.811 params {'colsample_bytree': 0.4064564735701322, 'gamma': 0.9028266538557229, 'learning_rate': 0.013148015980998308, 'max_depth': 18, 'min_child_weight': 6.420997684499669, 'n_estimators': 300, 'subsample': 0.961896525492249}
Epoch : 2182: f1_weighted Score 0.812 params {'colsample_bytree': 0.3012936733518069, 'gamma': 0.5103533535956231, 'learning_rate': 0.016478730203120354, 'max_depth': 8, 'min_child_weight': 5.32946507299129, 'n_estimators': 225, 'subsample': 0.8777720531957922}
Epoch : 2183: f1_weighted Score 0.812 params {'colsample_bytree': 0.341776720407293, 'gamma': 0.5627051565219252, 'learning_rate': 0.00870510413399799, 'max_depth': 16, 'min_child_weight': 5.9370901498783155, 'n_estimators': 300, 'subsample': 0.9002751368212899}
Epoch : 2184: f1_weighted Score 0.814 params {'colsample_bytree': 0.48246943788178065, 'gamma': 0.8098718452798135, 'learning_rate': 0.009843463867877012, 'max_depth': 10, 'min_child_weight': 3.701425467126506, 'n_estimators': 250, 'subsample': 0.8424984571021255}
Epoch : 2185: f1_weighted Score 0.812 params {'colsample_bytree': 0.3609195445043455, 'gamma': 0.6508884619352692, 'learning_rate': 0.03112121916321313, 'max_depth': 9, 'min_child_weight': 5.30343327012897, 'n_estimators': 125, 'subsample': 0.9711307228986997}
Epoch : 2186: f1_weighted Score 0.809 params {'colsample_bytree': 0.42969710363278446, 'gamma': 0.8550942517179464, 'learning_rate': 0.008359464766633714, 'max_depth': 18, 'min_child_weight': 4.115761348372814, 'n_estimators': 325, 'subsample': 0.9566942498012649}
Epoch : 2187: f1_weighted Score 0.814 params {'colsample_bytree': 0.3997323901774779, 'gamma': 0.6398731911683535, 'learning_rate': 0.013453893338236503, 'max_depth': 18, 'min_child_weight': 6.854980933430095, 'n_estimators': 250, 'subsample': 0.954298770784897}
Epoch : 2188: f1_weighted Score 0.812 params {'colsample_bytree': 0.46573973425288556, 'gamma': 0.709585348792592, 'learning_rate': 0.013534340475344584, 'max_depth': 12, 'min_child_weight': 5.083069155479443, 'n_estimators': 200, 'subsample': 0.9578942922773996}
Epoch : 2189: f1_weighted Score 0.810 params {'colsample_bytree': 0.3268853293086237, 'gamma': 0.5099620611330986, 'learning_rate': 0.0059820419574880355, 'max_depth': 10, 'min_child_weight': 5.237847149797268, 'n_estimators': 550, 'subsample': 0.8924096930733798}
Epoch : 2190: f1_weighted Score 0.811 params {'colsample_bytree': 0.4881481731886465, 'gamma': 0.1421400719803124, 'learning_rate': 0.007919784709274283, 'max_depth': 19, 'min_child_weight': 4.517154271188692, 'n_estimators': 375, 'subsample': 0.9152796457224278}
Epoch : 2191: f1_weighted Score 0.812 params {'colsample_bytree': 0.3749074690464631, 'gamma': 0.3041989984744472, 'learning_rate': 0.00697954344063964, 'max_depth': 6, 'min_child_weight': 6.6831061016774544, 'n_estimators': 425, 'subsample': 0.947739154090516}
Epoch : 2192: f1_weighted Score 0.812 params {'colsample_bytree': 0.3609706484816651, 'gamma': 0.697494754927773, 'learning_rate': 0.0081319545619797, 'max_depth': 7, 'min_child_weight': 5.548331829016854, 'n_estimators': 350, 'subsample': 0.918452172078924}
Epoch : 2193: f1_weighted Score 0.814 params {'colsample_bytree': 0.4934540742873522, 'gamma': 0.00029269534928741056, 'learning_rate': 0.00605355349477789, 'max_depth': 20, 'min_child_weight': 5.843630760013695, 'n_estimators': 450, 'subsample': 0.9809964698714871}
Epoch : 2194: f1_weighted Score 0.810 params {'colsample_bytree': 0.31551051585971734, 'gamma': 0.2916190198028543, 'learning_rate': 0.009859484065298851, 'max_depth': 10, 'min_child_weight': 5.739975042073777, 'n_estimators': 300, 'subsample': 0.9595476718370203}
Epoch : 2195: f1_weighted Score 0.814 params {'colsample_bytree': 0.3338499950874427, 'gamma': 0.028482887418499275, 'learning_rate': 0.0058892080513319655, 'max_depth': 20, 'min_child_weight': 5.379858518954101, 'n_estimators': 500, 'subsample': 0.9704063991029641}
Epoch : 2196: f1_weighted Score 0.810 params {'colsample_bytree': 0.3126388477081037, 'gamma': 0.28778295641352486, 'learning_rate': 0.007346756638495018, 'max_depth': 16, 'min_child_weight': 6.110689923057941, 'n_estimators': 375, 'subsample': 0.9110507388591181}
Epoch : 2197: f1_weighted Score 0.808 params {'colsample_bytree': 0.8131281024867257, 'gamma': 0.9355620149537243, 'learning_rate': 0.007130723553261944, 'max_depth': 18, 'min_child_weight': 5.061441054084184, 'n_estimators': 475, 'subsample': 0.9892965185499883}
Epoch : 2198: f1_weighted Score 0.812 params {'colsample_bytree': 0.36731145810029797, 'gamma': 0.20621012438481268, 'learning_rate': 0.008892553870317378, 'max_depth': 14, 'min_child_weight': 5.669177803981294, 'n_estimators': 325, 'subsample': 0.8875900780314243}
Epoch : 2199: f1_weighted Score 0.812 params {'colsample_bytree': 0.38513898418171294, 'gamma': 0.7563596196657071, 'learning_rate': 0.010221631707416974, 'max_depth': 13, 'min_child_weight': 4.2585149649827585, 'n_estimators': 225, 'subsample': 0.9381149154053203}
Epoch : 2200: f1_weighted Score 0.811 params {'colsample_bytree': 0.42672080698273074, 'gamma': 0.9626439330481665, 'learning_rate': 0.005639500671711373, 'max_depth': 7, 'min_child_weight': 4.31543089949076, 'n_estimators': 550, 'subsample': 0.9511322794670662}
Epoch : 2201: f1_weighted Score 0.812 params {'colsample_bytree': 0.35243668592670274, 'gamma': 0.7560122364573714, 'learning_rate': 0.009351772521299753, 'max_depth': 17, 'min_child_weight': 5.48714102932127, 'n_estimators': 275, 'subsample': 0.9418177268653017}
Epoch : 2202: f1_weighted Score 0.797 params {'colsample_bytree': 0.4094067112721091, 'gamma': 0.6312085778892965, 'learning_rate': 0.007831003469108687, 'max_depth': 8, 'min_child_weight': 4.70251807165197, 'n_estimators': 150, 'subsample': 0.8720312066596403}
Epoch : 2203: f1_weighted Score 0.812 params {'colsample_bytree': 0.42033362007874586, 'gamma': 0.8736309503642905, 'learning_rate': 0.006436774951604719, 'max_depth': 20, 'min_child_weight': 4.958515334159125, 'n_estimators': 450, 'subsample': 0.9847882501353225}
Epoch : 2204: f1_weighted Score 0.810 params {'colsample_bytree': 0.3283589593025129, 'gamma': 0.5910877319890412, 'learning_rate': 0.007405778401045521, 'max_depth': 16, 'min_child_weight': 4.890592602925557, 'n_estimators': 350, 'subsample': 0.8985549018707495}
Epoch : 2205: f1_weighted Score 0.803 params {'colsample_bytree': 0.34334250735108185, 'gamma': 0.68577113484224, 'learning_rate': 0.010363289239480334, 'max_depth': 19, 'min_child_weight': 4.271954123277879, 'n_estimators': 175, 'subsample': 0.9470132625186856}
Epoch : 2206: f1_weighted Score 0.772 params {'colsample_bytree': 0.3028522100175132, 'gamma': 0.49006175240198047, 'learning_rate': 0.01208772694523648, 'max_depth': 15, 'min_child_weight': 3.005759294938218, 'n_estimators': 100, 'subsample': 0.983937698635609}
Epoch : 2207: f1_weighted Score 0.800 params {'colsample_bytree': 0.3189970494950457, 'gamma': 0.736145702904551, 'learning_rate': 0.011445133497135199, 'max_depth': 15, 'min_child_weight': 3.679042722603471, 'n_estimators': 200, 'subsample': 0.9799856117524745}
Epoch : 2208: f1_weighted Score 0.808 params {'colsample_bytree': 0.43375244729895535, 'gamma': 0.44088506147113415, 'learning_rate': 0.012995199910411684, 'max_depth': 12, 'min_child_weight': 4.2652319832537255, 'n_estimators': 250, 'subsample': 0.9038475832131733}
Epoch : 2209: f1_weighted Score 0.812 params {'colsample_bytree': 0.46975565897218663, 'gamma': 0.10936575626453048, 'learning_rate': 0.005732037244623464, 'max_depth': 19, 'min_child_weight': 5.524130075776014, 'n_estimators': 450, 'subsample': 0.9202291358376943}
Epoch : 2210: f1_weighted Score 0.812 params {'colsample_bytree': 0.37804909912833673, 'gamma': 0.6387361772569311, 'learning_rate': 0.011230594028159594, 'max_depth': 19, 'min_child_weight': 6.433723891387881, 'n_estimators': 200, 'subsample': 0.9417956007670109}
Epoch : 2211: f1_weighted Score 0.812 params {'colsample_bytree': 0.43293759933880527, 'gamma': 0.7339661066356883, 'learning_rate': 0.007660284530814992, 'max_depth': 11, 'min_child_weight': 5.012610962312778, 'n_estimators': 400, 'subsample': 0.9230514511004629}
Epoch : 2212: f1_weighted Score 0.805 params {'colsample_bytree': 0.60940518495656, 'gamma': 0.8715162634409147, 'learning_rate': 0.011737400265246277, 'max_depth': 10, 'min_child_weight': 7.471980386724613, 'n_estimators': 650, 'subsample': 0.8048357645991125}
Epoch : 2213: f1_weighted Score 0.808 params {'colsample_bytree': 0.3616136627883373, 'gamma': 0.6645481630719944, 'learning_rate': 0.010880563591312318, 'max_depth': 14, 'min_child_weight': 5.657933125056328, 'n_estimators': 500, 'subsample': 0.8130384725670077}
Epoch : 2214: f1_weighted Score 0.792 params {'colsample_bytree': 0.37452664025810695, 'gamma': 0.7113967939941652, 'learning_rate': 0.11561848061932975, 'max_depth': 18, 'min_child_weight': 5.224116617657747, 'n_estimators': 275, 'subsample': 0.9481004600408616}
Epoch : 2215: f1_weighted Score 0.806 params {'colsample_bytree': 0.3518068459523484, 'gamma': 0.8411575240770829, 'learning_rate': 0.011970905537914788, 'max_depth': 20, 'min_child_weight': 6.269995663837336, 'n_estimators': 575, 'subsample': 0.9546175297378899}
Epoch : 2216: f1_weighted Score 0.812 params {'colsample_bytree': 0.35617467102478156, 'gamma': 0.6611746640053523, 'learning_rate': 0.0052614235010042185, 'max_depth': 20, 'min_child_weight': 4.509111372321666, 'n_estimators': 525, 'subsample': 0.9697419296095204}
Epoch : 2217: f1_weighted Score 0.814 params {'colsample_bytree': 0.3494651274773084, 'gamma': 0.0003250159455686863, 'learning_rate': 0.0069591366377058424, 'max_depth': 7, 'min_child_weight': 6.000563959186977, 'n_estimators': 400, 'subsample': 0.9706358546129552}
Epoch : 2218: f1_weighted Score 0.812 params {'colsample_bytree': 0.37368512400813314, 'gamma': 0.34769544186588797, 'learning_rate': 0.0065005284095864405, 'max_depth': 7, 'min_child_weight': 5.381012732990694, 'n_estimators': 425, 'subsample': 0.83066065416483}
Epoch : 2219: f1_weighted Score 0.810 params {'colsample_bytree': 0.3874573378943275, 'gamma': 0.6040096218882076, 'learning_rate': 0.005006105125099505, 'max_depth': 14, 'min_child_weight': 4.912634352182285, 'n_estimators': 400, 'subsample': 0.9383866738752916}
Epoch : 2220: f1_weighted Score 0.789 params {'colsample_bytree': 0.5148523168390525, 'gamma': 0.1288607311760668, 'learning_rate': 0.08031447863086293, 'max_depth': 19, 'min_child_weight': 6.492034594495213, 'n_estimators': 525, 'subsample': 0.9453044971963745}
Epoch : 2221: f1_weighted Score 0.812 params {'colsample_bytree': 0.46483078611561857, 'gamma': 0.6799047276032211, 'learning_rate': 0.00965676097272116, 'max_depth': 20, 'min_child_weight': 5.218508421111972, 'n_estimators': 175, 'subsample': 0.9300864024419098}
Epoch : 2222: f1_weighted Score 0.799 params {'colsample_bytree': 0.30061494756969775, 'gamma': 0.06554177134472947, 'learning_rate': 0.02742507357227194, 'max_depth': 17, 'min_child_weight': 5.7164984304584285, 'n_estimators': 375, 'subsample': 0.9671766495760308}
Epoch : 2223: f1_weighted Score 0.810 params {'colsample_bytree': 0.5988647138265614, 'gamma': 0.1993328192701903, 'learning_rate': 0.01039361907012948, 'max_depth': 20, 'min_child_weight': 5.035802863647141, 'n_estimators': 250, 'subsample': 0.9995094990463409}
Epoch : 2224: f1_weighted Score 0.809 params {'colsample_bytree': 0.7463279308840144, 'gamma': 0.31185995189657956, 'learning_rate': 0.01233420996080727, 'max_depth': 8, 'min_child_weight': 7.478933138725869, 'n_estimators': 425, 'subsample': 0.8184924946606821}
Epoch : 2225: f1_weighted Score 0.812 params {'colsample_bytree': 0.33345350928383494, 'gamma': 0.3773769701473619, 'learning_rate': 0.015086545423629128, 'max_depth': 18, 'min_child_weight': 5.565271755311994, 'n_estimators': 175, 'subsample': 0.9262802507587219}
Epoch : 2226: f1_weighted Score 0.812 params {'colsample_bytree': 0.5506437631298976, 'gamma': 0.5558429621997728, 'learning_rate': 0.020596500728922593, 'max_depth': 15, 'min_child_weight': 3.9802816475437375, 'n_estimators': 75, 'subsample': 0.823569291507586}
Epoch : 2227: f1_weighted Score 0.814 params {'colsample_bytree': 0.4234908232009717, 'gamma': 0.43600007472318625, 'learning_rate': 0.008625572128793156, 'max_depth': 7, 'min_child_weight': 5.331111177211791, 'n_estimators': 325, 'subsample': 0.939572511632982}
Epoch : 2228: f1_weighted Score 0.805 params {'colsample_bytree': 0.4507716812119135, 'gamma': 0.7630019856168699, 'learning_rate': 0.012886663839173194, 'max_depth': 13, 'min_child_weight': 2.8584571881564185, 'n_estimators': 250, 'subsample': 0.8111379248402256}
Epoch : 2229: f1_weighted Score 0.809 params {'colsample_bytree': 0.6099498070939638, 'gamma': 0.542586776539577, 'learning_rate': 0.010978990389810503, 'max_depth': 14, 'min_child_weight': 3.2149194502593685, 'n_estimators': 225, 'subsample': 0.8466509110844453}
Epoch : 2230: f1_weighted Score 0.814 params {'colsample_bytree': 0.39128895924620827, 'gamma': 0.2659315656130046, 'learning_rate': 0.006874421011010433, 'max_depth': 12, 'min_child_weight': 5.037924870900075, 'n_estimators': 375, 'subsample': 0.928807378952364}
Epoch : 2231: f1_weighted Score 0.814 params {'colsample_bytree': 0.4735708007221051, 'gamma': 0.7168288826187439, 'learning_rate': 0.00840603241836951, 'max_depth': 12, 'min_child_weight': 4.785843949985614, 'n_estimators': 300, 'subsample': 0.959974172062796}
Epoch : 2232: f1_weighted Score 0.800 params {'colsample_bytree': 0.41996402352181716, 'gamma': 0.2165485293937138, 'learning_rate': 0.015501967136080368, 'max_depth': 19, 'min_child_weight': 6.2451520243630725, 'n_estimators': 850, 'subsample': 0.9625836304253313}
Epoch : 2233: f1_weighted Score 0.814 params {'colsample_bytree': 0.4057077979315946, 'gamma': 0.17257682359990756, 'learning_rate': 0.008145743284537514, 'max_depth': 11, 'min_child_weight': 5.8298378060656395, 'n_estimators': 400, 'subsample': 0.9436146324977829}
Epoch : 2234: f1_weighted Score 0.813 params {'colsample_bytree': 0.410490529706144, 'gamma': 0.9936923790527943, 'learning_rate': 0.010469740144358237, 'max_depth': 13, 'min_child_weight': 3.3733761035149046, 'n_estimators': 225, 'subsample': 0.9957288694603121}
Epoch : 2235: f1_weighted Score 0.811 params {'colsample_bytree': 0.4046993209959455, 'gamma': 0.7909698858695596, 'learning_rate': 0.010679811961222767, 'max_depth': 13, 'min_child_weight': 3.618170640878976, 'n_estimators': 200, 'subsample': 0.9935484359897293}
Epoch : 2236: f1_weighted Score 0.812 params {'colsample_bytree': 0.3944162405476089, 'gamma': 0.5746720544047882, 'learning_rate': 0.007414313577354274, 'max_depth': 15, 'min_child_weight': 4.1317564791231804, 'n_estimators': 325, 'subsample': 0.8776756306162667}
Epoch : 2237: f1_weighted Score 0.810 params {'colsample_bytree': 0.36750244122487136, 'gamma': 0.559885854632734, 'learning_rate': 0.014478467987103115, 'max_depth': 15, 'min_child_weight': 6.041161673413564, 'n_estimators': 100, 'subsample': 0.8867207858734427}
Epoch : 2238: f1_weighted Score 0.812 params {'colsample_bytree': 0.537097229516642, 'gamma': 0.19514773745087866, 'learning_rate': 0.015522350505277317, 'max_depth': 19, 'min_child_weight': 7.4760726726834505, 'n_estimators': 125, 'subsample': 0.9653606154921688}
Epoch : 2239: f1_weighted Score 0.781 params {'colsample_bytree': 0.3765161765572843, 'gamma': 0.7154571676053613, 'learning_rate': 0.013857443762370953, 'max_depth': 9, 'min_child_weight': 7.134233202435782, 'n_estimators': 50, 'subsample': 0.8286155082985379}
Epoch : 2240: f1_weighted Score 0.812 params {'colsample_bytree': 0.48694355191413113, 'gamma': 0.0530400479589089, 'learning_rate': 0.01233503039944076, 'max_depth': 19, 'min_child_weight': 5.3059441937982355, 'n_estimators': 150, 'subsample': 0.9342967279593535}
Epoch : 2241: f1_weighted Score 0.812 params {'colsample_bytree': 0.3807903370816327, 'gamma': 0.9139060216788242, 'learning_rate': 0.006483713105382514, 'max_depth': 14, 'min_child_weight': 5.641517073406261, 'n_estimators': 400, 'subsample': 0.9833330708242091}
Epoch : 2242: f1_weighted Score 0.812 params {'colsample_bytree': 0.4921255326860469, 'gamma': 0.5396822908108744, 'learning_rate': 0.005962877054965178, 'max_depth': 12, 'min_child_weight': 4.548466027578624, 'n_estimators': 375, 'subsample': 0.9064807547842973}
Epoch : 2243: f1_weighted Score 0.812 params {'colsample_bytree': 0.4965851303861692, 'gamma': 0.7636536926465923, 'learning_rate': 0.011205415396722214, 'max_depth': 12, 'min_child_weight': 4.390453456849649, 'n_estimators': 225, 'subsample': 0.9159652457153893}
Epoch : 2244: f1_weighted Score 0.806 params {'colsample_bytree': 0.4107410999066244, 'gamma': 0.8838960850046523, 'learning_rate': 0.007888237047197785, 'max_depth': 16, 'min_child_weight': 3.72404249898091, 'n_estimators': 475, 'subsample': 0.986917902059058}
Epoch : 2245: f1_weighted Score 0.811 params {'colsample_bytree': 0.4184395987060116, 'gamma': 0.3728284769211126, 'learning_rate': 0.012626418061464351, 'max_depth': 18, 'min_child_weight': 3.9182904449782368, 'n_estimators': 175, 'subsample': 0.9279190867559959}
Epoch : 2246: f1_weighted Score 0.814 params {'colsample_bytree': 0.38868502079664097, 'gamma': 0.8667207072138087, 'learning_rate': 0.009304817183698813, 'max_depth': 19, 'min_child_weight': 4.735011739808341, 'n_estimators': 350, 'subsample': 0.9351460427212531}
Epoch : 2247: f1_weighted Score 0.808 params {'colsample_bytree': 0.39786188547084217, 'gamma': 0.8933260932550742, 'learning_rate': 0.00916657521052811, 'max_depth': 19, 'min_child_weight': 4.758205680589997, 'n_estimators': 425, 'subsample': 0.9355248890236751}
Epoch : 2248: f1_weighted Score 0.811 params {'colsample_bytree': 0.4223576280256084, 'gamma': 0.9429626174609762, 'learning_rate': 0.005427629805827443, 'max_depth': 8, 'min_child_weight': 4.952761677759848, 'n_estimators': 600, 'subsample': 0.9744427603970333}
Epoch : 2249: f1_weighted Score 0.806 params {'colsample_bytree': 0.3845620364723284, 'gamma': 0.4997661994576889, 'learning_rate': 0.01028554779392675, 'max_depth': 18, 'min_child_weight': 4.630067798495787, 'n_estimators': 350, 'subsample': 0.9418658341956612}
Epoch : 2250: f1_weighted Score 0.812 params {'colsample_bytree': 0.3351291273530372, 'gamma': 0.9336198093369295, 'learning_rate': 0.005192023935015705, 'max_depth': 6, 'min_child_weight': 4.4710666247768796, 'n_estimators': 600, 'subsample': 0.9652839703919252}
Epoch : 2251: f1_weighted Score 0.810 params {'colsample_bytree': 0.3133092318711476, 'gamma': 0.045906116626536694, 'learning_rate': 0.006683000067141913, 'max_depth': 20, 'min_child_weight': 6.617237077039516, 'n_estimators': 475, 'subsample': 0.9495437691572818}
Epoch : 2252: f1_weighted Score 0.810 params {'colsample_bytree': 0.3246721110092968, 'gamma': 0.6158564885459552, 'learning_rate': 0.007733876312218731, 'max_depth': 18, 'min_child_weight': 4.790090964465816, 'n_estimators': 375, 'subsample': 0.8538328807018569}
Epoch : 2253: f1_weighted Score 0.814 params {'colsample_bytree': 0.3603486380896179, 'gamma': 0.5869776701324896, 'learning_rate': 0.008529752310493457, 'max_depth': 15, 'min_child_weight': 4.104864716100444, 'n_estimators': 325, 'subsample': 0.8841766119132074}
Epoch : 2254: f1_weighted Score 0.814 params {'colsample_bytree': 0.44548011211173344, 'gamma': 0.5195287896062517, 'learning_rate': 0.018060227362002773, 'max_depth': 14, 'min_child_weight': 3.4352380851721316, 'n_estimators': 100, 'subsample': 0.8769092499576621}
Epoch : 2255: f1_weighted Score 0.812 params {'colsample_bytree': 0.4806483193891789, 'gamma': 0.49031771540406066, 'learning_rate': 0.017488925540094905, 'max_depth': 14, 'min_child_weight': 3.4835463413928265, 'n_estimators': 100, 'subsample': 0.8715911229082296}
Epoch : 2256: f1_weighted Score 0.812 params {'colsample_bytree': 0.5307838699828488, 'gamma': 0.7217581637631572, 'learning_rate': 0.009796546725627542, 'max_depth': 6, 'min_child_weight': 5.841473063053702, 'n_estimators': 300, 'subsample': 0.9054143488607916}
Epoch : 2257: f1_weighted Score 0.810 params {'colsample_bytree': 0.337967983586176, 'gamma': 0.5554165040418786, 'learning_rate': 0.0070790737697516036, 'max_depth': 3, 'min_child_weight': 3.676142455584043, 'n_estimators': 475, 'subsample': 0.9198862780506714}
Epoch : 2258: f1_weighted Score 0.812 params {'colsample_bytree': 0.6296088064464702, 'gamma': 0.19360117177924618, 'learning_rate': 0.005681910022220091, 'max_depth': 20, 'min_child_weight': 6.315999156007578, 'n_estimators': 450, 'subsample': 0.9754298306379287}
Epoch : 2259: f1_weighted Score 0.794 params {'colsample_bytree': 0.7683373347497154, 'gamma': 0.6178111903570466, 'learning_rate': 0.017392219212333818, 'max_depth': 10, 'min_child_weight': 5.154099851319449, 'n_estimators': 825, 'subsample': 0.9396198099058454}
Epoch : 2260: f1_weighted Score 0.812 params {'colsample_bytree': 0.37050204616409466, 'gamma': 0.5945318484958532, 'learning_rate': 0.006343665272809371, 'max_depth': 18, 'min_child_weight': 6.920022349221208, 'n_estimators': 450, 'subsample': 0.9500021771104943}
Epoch : 2261: f1_weighted Score 0.812 params {'colsample_bytree': 0.4291282529726139, 'gamma': 0.5223721235262905, 'learning_rate': 0.010625952252461294, 'max_depth': 17, 'min_child_weight': 4.677285017217544, 'n_estimators': 125, 'subsample': 0.8950422541290176}
Epoch : 2262: f1_weighted Score 0.810 params {'colsample_bytree': 0.30161420533481903, 'gamma': 0.036909527892046046, 'learning_rate': 0.006206801925029615, 'max_depth': 9, 'min_child_weight': 5.981799166146406, 'n_estimators': 550, 'subsample': 0.8879212493787321}
Epoch : 2263: f1_weighted Score 0.814 params {'colsample_bytree': 0.3518219268696251, 'gamma': 0.4493436684848055, 'learning_rate': 0.011386315070185204, 'max_depth': 17, 'min_child_weight': 5.335964353233921, 'n_estimators': 275, 'subsample': 0.8999567107820415}
Epoch : 2264: f1_weighted Score 0.808 params {'colsample_bytree': 0.4197437891759115, 'gamma': 0.35761994446870693, 'learning_rate': 0.014322197488228085, 'max_depth': 14, 'min_child_weight': 3.234660389232976, 'n_estimators': 150, 'subsample': 0.9015873774844988}
Epoch : 2265: f1_weighted Score 0.814 params {'colsample_bytree': 0.45138347689182007, 'gamma': 0.1829810497232267, 'learning_rate': 0.006137919345640958, 'max_depth': 19, 'min_child_weight': 4.9657109270067625, 'n_estimators': 425, 'subsample': 0.9307009267585443}
Epoch : 2266: f1_weighted Score 0.812 params {'colsample_bytree': 0.387777137169831, 'gamma': 0.3202198654881682, 'learning_rate': 0.006820623953051652, 'max_depth': 20, 'min_child_weight': 4.02897249940426, 'n_estimators': 350, 'subsample': 0.8614796351716824}
Epoch : 2267: f1_weighted Score 0.811 params {'colsample_bytree': 0.4394151349609154, 'gamma': 0.5035603323197795, 'learning_rate': 0.0075730849140384, 'max_depth': 18, 'min_child_weight': 4.293879563350312, 'n_estimators': 400, 'subsample': 0.8719438090709056}
Epoch : 2268: f1_weighted Score 0.806 params {'colsample_bytree': 0.4547699706843002, 'gamma': 0.11865215926314981, 'learning_rate': 0.01460017026777781, 'max_depth': 9, 'min_child_weight': 5.706688463222015, 'n_estimators': 375, 'subsample': 0.9794064515646638}
Epoch : 2269: f1_weighted Score 0.812 params {'colsample_bytree': 0.36098566377870966, 'gamma': 0.5703481289713546, 'learning_rate': 0.00912524196503842, 'max_depth': 16, 'min_child_weight': 5.4926393128804065, 'n_estimators': 300, 'subsample': 0.897157035473597}
Epoch : 2270: f1_weighted Score 0.814 params {'colsample_bytree': 0.3752354377527901, 'gamma': 0.8352384360488427, 'learning_rate': 0.006885017517788279, 'max_depth': 8, 'min_child_weight': 5.142426792106135, 'n_estimators': 400, 'subsample': 0.973955325398007}
Epoch : 2271: f1_weighted Score 0.797 params {'colsample_bytree': 0.43529867650685183, 'gamma': 0.9155555453309205, 'learning_rate': 0.00895397563566811, 'max_depth': 8, 'min_child_weight': 3.937452027266567, 'n_estimators': 800, 'subsample': 0.9160420691805884}
Epoch : 2272: f1_weighted Score 0.812 params {'colsample_bytree': 0.40426349271922435, 'gamma': 0.9307046922269873, 'learning_rate': 0.00800381806871134, 'max_depth': 4, 'min_child_weight': 5.4769807483905115, 'n_estimators': 350, 'subsample': 0.9894716119663263}
Epoch : 2273: f1_weighted Score 0.812 params {'colsample_bytree': 0.3673082021497394, 'gamma': 0.8076664549609147, 'learning_rate': 0.00799265782179266, 'max_depth': 12, 'min_child_weight': 5.29855527805339, 'n_estimators': 350, 'subsample': 0.8756943992281115}
Epoch : 2274: f1_weighted Score 0.811 params {'colsample_bytree': 0.4024990843152718, 'gamma': 0.8068357973176684, 'learning_rate': 0.00821219798392822, 'max_depth': 20, 'min_child_weight': 4.836779206428737, 'n_estimators': 400, 'subsample': 0.9748298159918354}
Epoch : 2275: f1_weighted Score 0.811 params {'colsample_bytree': 0.42732414720001244, 'gamma': 0.16380216366237388, 'learning_rate': 0.006079079622640738, 'max_depth': 9, 'min_child_weight': 4.425590783972878, 'n_estimators': 500, 'subsample': 0.9241300099495973}
Epoch : 2276: f1_weighted Score 0.782 params {'colsample_bytree': 0.45862701841412506, 'gamma': 0.7859550811453915, 'learning_rate': 0.16121967540663681, 'max_depth': 10, 'min_child_weight': 4.157445827599417, 'n_estimators': 325, 'subsample': 0.8424107746090403}
Epoch : 2277: f1_weighted Score 0.808 params {'colsample_bytree': 0.3003544846925728, 'gamma': 0.7402025787123829, 'learning_rate': 0.0136247482139394, 'max_depth': 17, 'min_child_weight': 4.440806347347769, 'n_estimators': 250, 'subsample': 0.9104453429966556}
Epoch : 2278: f1_weighted Score 0.810 params {'colsample_bytree': 0.3253135163850616, 'gamma': 0.41336019763231924, 'learning_rate': 0.013956058717712048, 'max_depth': 17, 'min_child_weight': 6.162026920972263, 'n_estimators': 200, 'subsample': 0.8920135878635037}
Epoch : 2279: f1_weighted Score 0.814 params {'colsample_bytree': 0.393818966901023, 'gamma': 0.3222779268097517, 'learning_rate': 0.0058083736860371, 'max_depth': 6, 'min_child_weight': 4.4065280886558655, 'n_estimators': 425, 'subsample': 0.9221117917586201}
Epoch : 2280: f1_weighted Score 0.812 params {'colsample_bytree': 0.44247177678837313, 'gamma': 0.39258543954282515, 'learning_rate': 0.018813972899362496, 'max_depth': 19, 'min_child_weight': 4.324014853554661, 'n_estimators': 75, 'subsample': 0.9239544536660586}
Epoch : 2281: f1_weighted Score 0.790 params {'colsample_bytree': 0.3147885640820788, 'gamma': 0.004265017367811418, 'learning_rate': 0.03876880771878365, 'max_depth': 18, 'min_child_weight': 6.951178306066892, 'n_estimators': 1000, 'subsample': 0.9435298987229765}
Epoch : 2282: f1_weighted Score 0.814 params {'colsample_bytree': 0.46295513884177353, 'gamma': 0.11819556777196442, 'learning_rate': 0.007222470115997741, 'max_depth': 9, 'min_child_weight': 4.644476893557437, 'n_estimators': 300, 'subsample': 0.9954830561745281}
Epoch : 2283: f1_weighted Score 0.811 params {'colsample_bytree': 0.47490298606396364, 'gamma': 0.06780946524247458, 'learning_rate': 0.023594084735426176, 'max_depth': 17, 'min_child_weight': 6.285242979395114, 'n_estimators': 200, 'subsample': 0.9799665072544699}
Epoch : 2284: f1_weighted Score 0.812 params {'colsample_bytree': 0.38571047414818027, 'gamma': 0.6440772658648033, 'learning_rate': 0.018143093878004984, 'max_depth': 19, 'min_child_weight': 5.0951441591598465, 'n_estimators': 125, 'subsample': 0.9757517106464826}
Epoch : 2285: f1_weighted Score 0.812 params {'colsample_bytree': 0.4187100397217866, 'gamma': 0.8980010714751394, 'learning_rate': 0.015877094144689356, 'max_depth': 7, 'min_child_weight': 3.9545396316034283, 'n_estimators': 175, 'subsample': 0.9115080012013971}
Epoch : 2286: f1_weighted Score 0.810 params {'colsample_bytree': 0.3443604191635972, 'gamma': 0.08661558713011522, 'learning_rate': 0.005671249699414438, 'max_depth': 10, 'min_child_weight': 5.822111451020284, 'n_estimators': 450, 'subsample': 0.9401942722491731}
Epoch : 2287: f1_weighted Score 0.810 params {'colsample_bytree': 0.6255297965039788, 'gamma': 0.0007842531983203518, 'learning_rate': 0.006547603843555429, 'max_depth': 6, 'min_child_weight': 5.850859352003386, 'n_estimators': 450, 'subsample': 0.9707651688461268}
Epoch : 2288: f1_weighted Score 0.814 params {'colsample_bytree': 0.35705302882345563, 'gamma': 0.7198226707069997, 'learning_rate': 0.009160084210376606, 'max_depth': 19, 'min_child_weight': 4.644107278616076, 'n_estimators': 300, 'subsample': 0.947543737596687}
Epoch : 2289: f1_weighted Score 0.812 params {'colsample_bytree': 0.4065749582108502, 'gamma': 0.7397219352329679, 'learning_rate': 0.011581525850198518, 'max_depth': 18, 'min_child_weight': 6.47747762028504, 'n_estimators': 275, 'subsample': 0.9661256525496943}
Epoch : 2290: f1_weighted Score 0.812 params {'colsample_bytree': 0.45538674628684606, 'gamma': 0.07684574761774403, 'learning_rate': 0.01971343659050969, 'max_depth': 19, 'min_child_weight': 6.156647455296454, 'n_estimators': 175, 'subsample': 0.9640929127566219}
Epoch : 2291: f1_weighted Score 0.810 params {'colsample_bytree': 0.3086330527198735, 'gamma': 0.0020642390603564376, 'learning_rate': 0.012833465265916503, 'max_depth': 11, 'min_child_weight': 6.120992946828524, 'n_estimators': 225, 'subsample': 0.9791482426786615}
Epoch : 2292: f1_weighted Score 0.805 params {'colsample_bytree': 0.34618497526105635, 'gamma': 0.6725476826213241, 'learning_rate': 0.008835630372501067, 'max_depth': 16, 'min_child_weight': 1.8110358149651613, 'n_estimators': 325, 'subsample': 0.9686686435885704}
Epoch : 2293: f1_weighted Score 0.811 params {'colsample_bytree': 0.4108309470943079, 'gamma': 0.22845555619816368, 'learning_rate': 0.005038283225677613, 'max_depth': 19, 'min_child_weight': 5.948013654953739, 'n_estimators': 850, 'subsample': 0.9760283942942328}
Epoch : 2294: f1_weighted Score 0.812 params {'colsample_bytree': 0.42289256527658947, 'gamma': 0.2661031185475984, 'learning_rate': 0.007279337852643395, 'max_depth': 13, 'min_child_weight': 6.187004486514948, 'n_estimators': 375, 'subsample': 0.9858414373589747}
Epoch : 2295: f1_weighted Score 0.810 params {'colsample_bytree': 0.3328351835119319, 'gamma': 0.2543905256756053, 'learning_rate': 0.006613548818740214, 'max_depth': 12, 'min_child_weight': 5.6717815687131345, 'n_estimators': 425, 'subsample': 0.8608084550763598}
Epoch : 2296: f1_weighted Score 0.812 params {'colsample_bytree': 0.3702104560404555, 'gamma': 0.27378992769727745, 'learning_rate': 0.005580494036663023, 'max_depth': 5, 'min_child_weight': 4.437453532002498, 'n_estimators': 575, 'subsample': 0.9182793621085358}
Epoch : 2297: f1_weighted Score 0.812 params {'colsample_bytree': 0.5319271391011782, 'gamma': 0.605526255717798, 'learning_rate': 0.009452303925673165, 'max_depth': 8, 'min_child_weight': 4.5859929796224135, 'n_estimators': 275, 'subsample': 0.925225130289085}
Epoch : 2298: f1_weighted Score 0.793 params {'colsample_bytree': 0.4358051297271885, 'gamma': 0.1364262151304847, 'learning_rate': 0.007538496070720044, 'max_depth': 8, 'min_child_weight': 5.483542484610576, 'n_estimators': 1300, 'subsample': 0.95043807419474}
Epoch : 2299: f1_weighted Score 0.814 params {'colsample_bytree': 0.33621647185199316, 'gamma': 0.30519420017999427, 'learning_rate': 0.008455022541105372, 'max_depth': 17, 'min_child_weight': 6.007910712762201, 'n_estimators': 350, 'subsample': 0.9869333247074799}
Epoch : 2300: f1_weighted Score 0.812 params {'colsample_bytree': 0.34914689744167665, 'gamma': 0.4815740924042306, 'learning_rate': 0.012630516118362682, 'max_depth': 17, 'min_child_weight': 5.2461958635406845, 'n_estimators': 225, 'subsample': 0.8909939783131878}
Epoch : 2301: f1_weighted Score 0.812 params {'colsample_bytree': 0.5798595395529594, 'gamma': 0.42015155919549757, 'learning_rate': 0.006759468538900233, 'max_depth': 10, 'min_child_weight': 6.070312720144712, 'n_estimators': 475, 'subsample': 0.9610163036655852}
Epoch : 2302: f1_weighted Score 0.812 params {'colsample_bytree': 0.3675091669163274, 'gamma': 0.6983024847832492, 'learning_rate': 0.009561706406990639, 'max_depth': 15, 'min_child_weight': 4.877579511556692, 'n_estimators': 250, 'subsample': 0.94512291098183}
Epoch : 2303: f1_weighted Score 0.792 params {'colsample_bytree': 0.4359166616421825, 'gamma': 0.6499267716525675, 'learning_rate': 0.028961633051867244, 'max_depth': 11, 'min_child_weight': 5.363947449101704, 'n_estimators': 1125, 'subsample': 0.9400079992942079}
Epoch : 2304: f1_weighted Score 0.812 params {'colsample_bytree': 0.453612783306911, 'gamma': 0.16071640998389083, 'learning_rate': 0.006030873566651948, 'max_depth': 19, 'min_child_weight': 6.481766178033188, 'n_estimators': 450, 'subsample': 0.9671657969029235}
Epoch : 2305: f1_weighted Score 0.814 params {'colsample_bytree': 0.39658134800131184, 'gamma': 0.5316983211809801, 'learning_rate': 0.00556699278093821, 'max_depth': 8, 'min_child_weight': 4.551597118999349, 'n_estimators': 550, 'subsample': 0.8411021334059424}
Epoch : 2306: f1_weighted Score 0.814 params {'colsample_bytree': 0.3985956865719273, 'gamma': 0.633934440617254, 'learning_rate': 0.007331141872690074, 'max_depth': 8, 'min_child_weight': 5.005479704485216, 'n_estimators': 400, 'subsample': 0.9560274006361554}
Epoch : 2307: f1_weighted Score 0.811 params {'colsample_bytree': 0.4445216368989957, 'gamma': 0.055268909287050985, 'learning_rate': 0.008892102912299749, 'max_depth': 20, 'min_child_weight': 5.47968790309605, 'n_estimators': 350, 'subsample': 0.9645577106676541}
Epoch : 2308: f1_weighted Score 0.812 params {'colsample_bytree': 0.37744980480199125, 'gamma': 0.6953995448603318, 'learning_rate': 0.008237454849123289, 'max_depth': 9, 'min_child_weight': 4.34291750512335, 'n_estimators': 300, 'subsample': 0.8373078594389313}
Epoch : 2309: f1_weighted Score 0.812 params {'colsample_bytree': 0.43797434485408643, 'gamma': 0.9744513718427987, 'learning_rate': 0.005196517397320796, 'max_depth': 14, 'min_child_weight': 4.984233290103793, 'n_estimators': 300, 'subsample': 0.9347711081340064}
Epoch : 2310: f1_weighted Score 0.812 params {'colsample_bytree': 0.5038797027470088, 'gamma': 0.02040246093783825, 'learning_rate': 0.009346082236331597, 'max_depth': 20, 'min_child_weight': 5.810747215253054, 'n_estimators': 375, 'subsample': 0.9592421407884416}
Epoch : 2311: f1_weighted Score 0.812 params {'colsample_bytree': 0.4083152777239569, 'gamma': 0.8741840050780288, 'learning_rate': 0.006200869684563871, 'max_depth': 7, 'min_child_weight': 4.919670415947935, 'n_estimators': 475, 'subsample': 0.9913379104042838}
Epoch : 2312: f1_weighted Score 0.812 params {'colsample_bytree': 0.3890629857933117, 'gamma': 0.2427984828141091, 'learning_rate': 0.006697422011913488, 'max_depth': 7, 'min_child_weight': 5.188357005735712, 'n_estimators': 450, 'subsample': 0.9919702737048743}
Epoch : 2313: f1_weighted Score 0.814 params {'colsample_bytree': 0.3919872263558496, 'gamma': 0.3363546816568884, 'learning_rate': 0.005376589359655714, 'max_depth': 7, 'min_child_weight': 5.002850097990158, 'n_estimators': 525, 'subsample': 0.9389503709169947}
Epoch : 2314: f1_weighted Score 0.812 params {'colsample_bytree': 0.3716108290443836, 'gamma': 0.5997979963470984, 'learning_rate': 0.005061936024565311, 'max_depth': 6, 'min_child_weight': 4.913983558947796, 'n_estimators': 575, 'subsample': 0.8570964939099788}
Epoch : 2315: f1_weighted Score 0.812 params {'colsample_bytree': 0.3532622660580258, 'gamma': 0.03473950730346961, 'learning_rate': 0.007463317168563935, 'max_depth': 5, 'min_child_weight': 5.108329298685295, 'n_estimators': 375, 'subsample': 0.9066687157249924}
Epoch : 2316: f1_weighted Score 0.814 params {'colsample_bytree': 0.3802524024694224, 'gamma': 0.4373102522590684, 'learning_rate': 0.010358577937664922, 'max_depth': 16, 'min_child_weight': 4.300961550103557, 'n_estimators': 275, 'subsample': 0.88811509969152}
Epoch : 2317: f1_weighted Score 0.811 params {'colsample_bytree': 0.6551212622899802, 'gamma': 0.06115693205004547, 'learning_rate': 0.006422722977234989, 'max_depth': 20, 'min_child_weight': 4.582593361312187, 'n_estimators': 475, 'subsample': 0.8469897775391917}
Epoch : 2318: f1_weighted Score 0.814 params {'colsample_bytree': 0.3335254160881306, 'gamma': 0.46490608470261796, 'learning_rate': 0.010214136620293248, 'max_depth': 17, 'min_child_weight': 5.121485744863452, 'n_estimators': 275, 'subsample': 0.8992140858936226}
Epoch : 2319: f1_weighted Score 0.803 params {'colsample_bytree': 0.3218490629620209, 'gamma': 0.7474057464729942, 'learning_rate': 0.02058122606088104, 'max_depth': 16, 'min_child_weight': 4.733235807563448, 'n_estimators': 150, 'subsample': 0.8919655077698747}
Epoch : 2320: f1_weighted Score 0.811 params {'colsample_bytree': 0.5173163991282024, 'gamma': 0.6299843451041818, 'learning_rate': 0.00809320889585173, 'max_depth': 11, 'min_child_weight': 5.310248734012725, 'n_estimators': 400, 'subsample': 0.9858558558049193}
Epoch : 2321: f1_weighted Score 0.814 params {'colsample_bytree': 0.4824029583625981, 'gamma': 0.6109542047038438, 'learning_rate': 0.008660602089335468, 'max_depth': 16, 'min_child_weight': 4.740667464842221, 'n_estimators': 325, 'subsample': 0.9151001276075231}
Epoch : 2322: f1_weighted Score 0.812 params {'colsample_bytree': 0.33865538395058625, 'gamma': 0.09351006602377335, 'learning_rate': 0.00714290243632815, 'max_depth': 15, 'min_child_weight': 5.533159400218829, 'n_estimators': 425, 'subsample': 0.8956539845874766}
Epoch : 2323: f1_weighted Score 0.812 params {'colsample_bytree': 0.356945237981049, 'gamma': 0.6514196767737425, 'learning_rate': 0.009871211883372422, 'max_depth': 6, 'min_child_weight': 5.515744683104522, 'n_estimators': 275, 'subsample': 0.9481945677626111}
Epoch : 2324: f1_weighted Score 0.812 params {'colsample_bytree': 0.49585122264010056, 'gamma': 0.1539385102535076, 'learning_rate': 0.007966058345577048, 'max_depth': 10, 'min_child_weight': 5.697157026114356, 'n_estimators': 325, 'subsample': 0.9940628060927859}
Epoch : 2325: f1_weighted Score 0.799 params {'colsample_bytree': 0.38826796248470286, 'gamma': 0.6230813263430143, 'learning_rate': 0.022851612791845433, 'max_depth': 18, 'min_child_weight': 5.227075608656916, 'n_estimators': 375, 'subsample': 0.9707057308558574}
Epoch : 2326: f1_weighted Score 0.809 params {'colsample_bytree': 0.3723085688699775, 'gamma': 0.7041943615304554, 'learning_rate': 0.018213078025817033, 'max_depth': 18, 'min_child_weight': 5.235215620379161, 'n_estimators': 200, 'subsample': 0.9720029314901232}
Epoch : 2327: f1_weighted Score 0.809 params {'colsample_bytree': 0.5276611390229653, 'gamma': 0.16749875889508478, 'learning_rate': 0.007549196072434168, 'max_depth': 20, 'min_child_weight': 4.513588312193075, 'n_estimators': 425, 'subsample': 0.9304273194198965}
Epoch : 2328: f1_weighted Score 0.812 params {'colsample_bytree': 0.4056153710589174, 'gamma': 0.7910024064559243, 'learning_rate': 0.00855376805812756, 'max_depth': 14, 'min_child_weight': 3.803266790945653, 'n_estimators': 300, 'subsample': 0.8032753767982702}
Epoch : 2329: f1_weighted Score 0.810 params {'colsample_bytree': 0.3692047566261757, 'gamma': 0.030209595681312852, 'learning_rate': 0.007747478603980627, 'max_depth': 10, 'min_child_weight': 4.277547285634461, 'n_estimators': 275, 'subsample': 0.8446050696630713}
Epoch : 2330: f1_weighted Score 0.812 params {'colsample_bytree': 0.35753177957684823, 'gamma': 0.023437702582695966, 'learning_rate': 0.007877193402856591, 'max_depth': 10, 'min_child_weight': 4.10102896240247, 'n_estimators': 300, 'subsample': 0.8408185991969487}
Epoch : 2331: f1_weighted Score 0.814 params {'colsample_bytree': 0.37988956838794663, 'gamma': 0.6296999997604317, 'learning_rate': 0.00876155936985733, 'max_depth': 15, 'min_child_weight': 5.324524468017023, 'n_estimators': 375, 'subsample': 0.9012027084275456}
Epoch : 2332: f1_weighted Score 0.810 params {'colsample_bytree': 0.3250337831256084, 'gamma': 0.2916054028502556, 'learning_rate': 0.005731948973059271, 'max_depth': 20, 'min_child_weight': 6.164530229437133, 'n_estimators': 500, 'subsample': 0.9833656421326215}
Epoch : 2333: f1_weighted Score 0.814 params {'colsample_bytree': 0.340090262520087, 'gamma': 0.18565157622459375, 'learning_rate': 0.00717204294448055, 'max_depth': 11, 'min_child_weight': 4.442083690210451, 'n_estimators': 400, 'subsample': 0.8430336967236441}
Epoch : 2334: f1_weighted Score 0.814 params {'colsample_bytree': 0.3417723771047022, 'gamma': 0.18656088120092157, 'learning_rate': 0.006500153013506273, 'max_depth': 18, 'min_child_weight': 5.21138412398632, 'n_estimators': 475, 'subsample': 0.9743805508510435}
Epoch : 2335: f1_weighted Score 0.812 params {'colsample_bytree': 0.35206194544719244, 'gamma': 0.5941170578302155, 'learning_rate': 0.006095676014661139, 'max_depth': 10, 'min_child_weight': 6.64838055849175, 'n_estimators': 525, 'subsample': 0.9752596759512142}
Epoch : 2336: f1_weighted Score 0.811 params {'colsample_bytree': 0.5352405951568794, 'gamma': 0.14710471948895518, 'learning_rate': 0.01283563369684825, 'max_depth': 9, 'min_child_weight': 3.415274183240928, 'n_estimators': 200, 'subsample': 0.826293077568237}
Epoch : 2337: f1_weighted Score 0.812 params {'colsample_bytree': 0.36120984568899844, 'gamma': 0.38537830451523974, 'learning_rate': 0.009586958554189217, 'max_depth': 10, 'min_child_weight': 5.618937717482932, 'n_estimators': 250, 'subsample': 0.9389497621374442}
Epoch : 2338: f1_weighted Score 0.812 params {'colsample_bytree': 0.4628781513377297, 'gamma': 0.4880891186257484, 'learning_rate': 0.012404917826315663, 'max_depth': 16, 'min_child_weight': 4.261160971867218, 'n_estimators': 225, 'subsample': 0.8841098756094847}
Epoch : 2339: f1_weighted Score 0.793 params {'colsample_bytree': 0.39166958617701986, 'gamma': 0.32877094376151206, 'learning_rate': 0.011726654186289709, 'max_depth': 19, 'min_child_weight': 5.050330519797403, 'n_estimators': 950, 'subsample': 0.924975876944623}
Epoch : 2340: f1_weighted Score 0.814 params {'colsample_bytree': 0.3610516086812202, 'gamma': 0.6620478065952339, 'learning_rate': 0.009694883168150474, 'max_depth': 11, 'min_child_weight': 5.667507479182818, 'n_estimators': 325, 'subsample': 0.9431324016989441}
Epoch : 2341: f1_weighted Score 0.814 params {'colsample_bytree': 0.36220579883969106, 'gamma': 0.8362773621934138, 'learning_rate': 0.010018924642286832, 'max_depth': 11, 'min_child_weight': 5.423363172341317, 'n_estimators': 275, 'subsample': 0.9412808616586562}
Epoch : 2342: f1_weighted Score 0.812 params {'colsample_bytree': 0.3490688377601803, 'gamma': 0.7728026006605476, 'learning_rate': 0.00946580438125732, 'max_depth': 18, 'min_child_weight': 5.742634543794339, 'n_estimators': 250, 'subsample': 0.9335392526117207}
Epoch : 2343: f1_weighted Score 0.814 params {'colsample_bytree': 0.38585561803863955, 'gamma': 0.6838189887189613, 'learning_rate': 0.007032759568746601, 'max_depth': 9, 'min_child_weight': 4.832800990639014, 'n_estimators': 400, 'subsample': 0.8217561777952934}
Epoch : 2344: f1_weighted Score 0.801 params {'colsample_bytree': 0.3682311232529918, 'gamma': 0.6900235977957021, 'learning_rate': 0.008319862002501916, 'max_depth': 18, 'min_child_weight': 5.584836223690576, 'n_estimators': 175, 'subsample': 0.9883488327770499}
Epoch : 2345: f1_weighted Score 0.814 params {'colsample_bytree': 0.34317799334450005, 'gamma': 0.5580925638693498, 'learning_rate': 0.009287688655777867, 'max_depth': 15, 'min_child_weight': 4.942902840209894, 'n_estimators': 325, 'subsample': 0.9138853215703503}
Epoch : 2346: f1_weighted Score 0.812 params {'colsample_bytree': 0.5665745028328115, 'gamma': 0.20518558242661383, 'learning_rate': 0.006625657458134662, 'max_depth': 15, 'min_child_weight': 5.083602606147341, 'n_estimators': 425, 'subsample': 0.978963387459863}
Epoch : 2347: f1_weighted Score 0.812 params {'colsample_bytree': 0.4274518215790411, 'gamma': 0.30529548927932004, 'learning_rate': 0.005783138940875732, 'max_depth': 12, 'min_child_weight': 5.424900686547493, 'n_estimators': 250, 'subsample': 0.9341550768913288}
Epoch : 2348: f1_weighted Score 0.814 params {'colsample_bytree': 0.3800175072172862, 'gamma': 0.9217129209936867, 'learning_rate': 0.017794364930353745, 'max_depth': 10, 'min_child_weight': 4.642772826917369, 'n_estimators': 150, 'subsample': 0.9426047255613478}
Epoch : 2349: f1_weighted Score 0.812 params {'colsample_bytree': 0.3756302632498906, 'gamma': 0.8523373389969024, 'learning_rate': 0.010891393281490493, 'max_depth': 9, 'min_child_weight': 4.475582791244957, 'n_estimators': 250, 'subsample': 0.809531965494706}
Epoch : 2350: f1_weighted Score 0.814 params {'colsample_bytree': 0.40266080331545806, 'gamma': 0.9105294165045336, 'learning_rate': 0.009585724992877177, 'max_depth': 14, 'min_child_weight': 4.025854330222557, 'n_estimators': 300, 'subsample': 0.8809385824951813}
Epoch : 2351: f1_weighted Score 0.812 params {'colsample_bytree': 0.41641880107366613, 'gamma': 0.6162236540985185, 'learning_rate': 0.007659896886479464, 'max_depth': 8, 'min_child_weight': 3.4077988565107047, 'n_estimators': 350, 'subsample': 0.8261192315010827}
Epoch : 2352: f1_weighted Score 0.808 params {'colsample_bytree': 0.48380383239276714, 'gamma': 0.6012835155491315, 'learning_rate': 0.0137042306177955, 'max_depth': 19, 'min_child_weight': 3.5881179459419084, 'n_estimators': 200, 'subsample': 0.8854488875914581}
Epoch : 2353: f1_weighted Score 0.814 params {'colsample_bytree': 0.41468524597711837, 'gamma': 0.7714323963583425, 'learning_rate': 0.008313776051614478, 'max_depth': 13, 'min_child_weight': 3.7918487396646716, 'n_estimators': 350, 'subsample': 0.8014310233313435}
Epoch : 2354: f1_weighted Score 0.814 params {'colsample_bytree': 0.3897040121721455, 'gamma': 0.5169910002761733, 'learning_rate': 0.014274820589979642, 'max_depth': 9, 'min_child_weight': 6.307864002804277, 'n_estimators': 225, 'subsample': 0.8925085285963363}
Epoch : 2355: f1_weighted Score 0.812 params {'colsample_bytree': 0.3492011600616699, 'gamma': 0.46342711155261906, 'learning_rate': 0.01491330082794501, 'max_depth': 9, 'min_child_weight': 6.668527417210999, 'n_estimators': 225, 'subsample': 0.8859983517365907}
Epoch : 2356: f1_weighted Score 0.812 params {'colsample_bytree': 0.3949449242645875, 'gamma': 0.8114131887292505, 'learning_rate': 0.006831347336663703, 'max_depth': 8, 'min_child_weight': 6.927790676520969, 'n_estimators': 425, 'subsample': 0.9625404311402578}
Epoch : 2357: f1_weighted Score 0.809 params {'colsample_bytree': 0.35797191843205195, 'gamma': 0.7799598545031088, 'learning_rate': 0.00783844220599556, 'max_depth': 19, 'min_child_weight': 3.2070336878959234, 'n_estimators': 275, 'subsample': 0.9224169301493144}
Epoch : 2358: f1_weighted Score 0.812 params {'colsample_bytree': 0.3505245775373826, 'gamma': 0.17887525676388122, 'learning_rate': 0.005402914597253578, 'max_depth': 11, 'min_child_weight': 6.406094071517196, 'n_estimators': 500, 'subsample': 0.9670106004199147}
Epoch : 2359: f1_weighted Score 0.812 params {'colsample_bytree': 0.36612796390639946, 'gamma': 0.7138161115505073, 'learning_rate': 0.011603631133505052, 'max_depth': 19, 'min_child_weight': 5.869203612364268, 'n_estimators': 200, 'subsample': 0.9470912791341974}
Epoch : 2360: f1_weighted Score 0.812 params {'colsample_bytree': 0.4018533176105669, 'gamma': 0.7989136700487879, 'learning_rate': 0.008996891287445961, 'max_depth': 7, 'min_child_weight': 3.9137248372410745, 'n_estimators': 300, 'subsample': 0.8046630209443814}
Epoch : 2361: f1_weighted Score 0.810 params {'colsample_bytree': 0.33013803098298067, 'gamma': 0.4609667076989658, 'learning_rate': 0.00876111782390347, 'max_depth': 20, 'min_child_weight': 5.1835916695696085, 'n_estimators': 350, 'subsample': 0.9038236595113757}
Epoch : 2362: f1_weighted Score 0.812 params {'colsample_bytree': 0.4248499858532173, 'gamma': 0.1264193748383845, 'learning_rate': 0.0056640293765394855, 'max_depth': 20, 'min_child_weight': 6.622590379822903, 'n_estimators': 525, 'subsample': 0.9692467701868356}
Epoch : 2363: f1_weighted Score 0.806 params {'colsample_bytree': 0.4459389968986108, 'gamma': 0.5750577348617226, 'learning_rate': 0.010638148040334368, 'max_depth': 12, 'min_child_weight': 4.753249923374218, 'n_estimators': 375, 'subsample': 0.9566333026040451}
Epoch : 2364: f1_weighted Score 0.812 params {'colsample_bytree': 0.5017001386031805, 'gamma': 0.4675524311429723, 'learning_rate': 0.005973743173332995, 'max_depth': 17, 'min_child_weight': 5.727653015755663, 'n_estimators': 450, 'subsample': 0.9895878603204405}
Epoch : 2365: f1_weighted Score 0.812 params {'colsample_bytree': 0.41557714238605176, 'gamma': 0.0021862955943059564, 'learning_rate': 0.01053274042225896, 'max_depth': 20, 'min_child_weight': 5.739228730548007, 'n_estimators': 325, 'subsample': 0.9051252950696487}
Epoch : 2366: f1_weighted Score 0.812 params {'colsample_bytree': 0.41101337914402153, 'gamma': 0.7547670021984394, 'learning_rate': 0.007481529010217751, 'max_depth': 8, 'min_child_weight': 4.831909323769057, 'n_estimators': 500, 'subsample': 0.8185173926434406}
Epoch : 2367: f1_weighted Score 0.809 params {'colsample_bytree': 0.40692158460182276, 'gamma': 0.7473778176137504, 'learning_rate': 0.008917933301956837, 'max_depth': 18, 'min_child_weight': 4.370542580014979, 'n_estimators': 350, 'subsample': 0.9622315361327872}
Epoch : 2368: f1_weighted Score 0.810 params {'colsample_bytree': 0.3136032519525831, 'gamma': 0.5823389300070495, 'learning_rate': 0.008262408896323051, 'max_depth': 15, 'min_child_weight': 5.4070307833969276, 'n_estimators': 375, 'subsample': 0.9621022593447773}
Epoch : 2369: f1_weighted Score 0.806 params {'colsample_bytree': 0.3302996996746062, 'gamma': 0.6814875701769265, 'learning_rate': 0.009720535026234864, 'max_depth': 18, 'min_child_weight': 3.8532234870385405, 'n_estimators': 250, 'subsample': 0.9207688881640571}
Epoch : 2370: f1_weighted Score 0.814 params {'colsample_bytree': 0.3364814681364615, 'gamma': 0.698517794940054, 'learning_rate': 0.010026705365575025, 'max_depth': 11, 'min_child_weight': 5.489529780768608, 'n_estimators': 325, 'subsample': 0.9538427239125383}
Epoch : 2371: f1_weighted Score 0.814 params {'colsample_bytree': 0.39233561728926347, 'gamma': 0.5196437886364642, 'learning_rate': 0.011659223570950807, 'max_depth': 16, 'min_child_weight': 6.711995727614681, 'n_estimators': 300, 'subsample': 0.8817952349592034}
Epoch : 2372: f1_weighted Score 0.812 params {'colsample_bytree': 0.3987798130476576, 'gamma': 0.5326577679355549, 'learning_rate': 0.00737743431462768, 'max_depth': 7, 'min_child_weight': 7.297259743660083, 'n_estimators': 400, 'subsample': 0.9724148452419767}
Epoch : 2373: f1_weighted Score 0.810 params {'colsample_bytree': 0.4218780859555199, 'gamma': 0.5643759699829483, 'learning_rate': 0.008234215298835746, 'max_depth': 5, 'min_child_weight': 5.552749106010617, 'n_estimators': 350, 'subsample': 0.898061554914745}
Epoch : 2374: f1_weighted Score 0.812 params {'colsample_bytree': 0.34953862660149504, 'gamma': 0.540216880928619, 'learning_rate': 0.0074283827929919185, 'max_depth': 11, 'min_child_weight': 6.220500954454047, 'n_estimators': 400, 'subsample': 0.849178194112745}
Epoch : 2375: f1_weighted Score 0.814 params {'colsample_bytree': 0.38096666229568193, 'gamma': 0.7651666663548096, 'learning_rate': 0.0071377219455785665, 'max_depth': 18, 'min_child_weight': 6.09808744887425, 'n_estimators': 400, 'subsample': 0.9566153095668725}
Epoch : 2376: f1_weighted Score 0.812 params {'colsample_bytree': 0.4318261645882123, 'gamma': 0.9707138761056581, 'learning_rate': 0.009464997831659919, 'max_depth': 17, 'min_child_weight': 5.254654751646532, 'n_estimators': 325, 'subsample': 0.9971455044726927}
Epoch : 2377: f1_weighted Score 0.810 params {'colsample_bytree': 0.3215880148739889, 'gamma': 0.61244618134823, 'learning_rate': 0.008852952912061654, 'max_depth': 19, 'min_child_weight': 4.6788179244882055, 'n_estimators': 275, 'subsample': 0.9387754052061026}
Epoch : 2378: f1_weighted Score 0.812 params {'colsample_bytree': 0.3408531706088129, 'gamma': 0.9986763235386669, 'learning_rate': 0.01097294280406258, 'max_depth': 8, 'min_child_weight': 5.842285710912937, 'n_estimators': 275, 'subsample': 0.9675891406824881}
Epoch : 2379: f1_weighted Score 0.814 params {'colsample_bytree': 0.4111092381053459, 'gamma': 0.7640820335270386, 'learning_rate': 0.009772443388713602, 'max_depth': 11, 'min_child_weight': 5.158345610548998, 'n_estimators': 325, 'subsample': 0.9528862777675544}
Epoch : 2380: f1_weighted Score 0.811 params {'colsample_bytree': 0.41733684705576235, 'gamma': 0.7911411530884591, 'learning_rate': 0.009246683357015539, 'max_depth': 10, 'min_child_weight': 5.193194954189568, 'n_estimators': 325, 'subsample': 0.9595149558688336}
Epoch : 2381: f1_weighted Score 0.810 params {'colsample_bytree': 0.3233433830991415, 'gamma': 0.6716295165986836, 'learning_rate': 0.010569800197287716, 'max_depth': 20, 'min_child_weight': 5.539278043878161, 'n_estimators': 300, 'subsample': 0.9521630873520243}
Epoch : 2382: f1_weighted Score 0.812 params {'colsample_bytree': 0.4298961023119827, 'gamma': 0.8256041837593154, 'learning_rate': 0.005017760347646183, 'max_depth': 20, 'min_child_weight': 4.960696645879339, 'n_estimators': 275, 'subsample': 0.9766980174921353}
Epoch : 2383: f1_weighted Score 0.810 params {'colsample_bytree': 0.3329272640427793, 'gamma': 0.02700889752359376, 'learning_rate': 0.005976581031461196, 'max_depth': 9, 'min_child_weight': 5.420483686552199, 'n_estimators': 525, 'subsample': 0.9704917942425096}
Epoch : 2384: f1_weighted Score 0.810 params {'colsample_bytree': 0.5445279883121353, 'gamma': 0.9883270701746394, 'learning_rate': 0.007007982910361795, 'max_depth': 8, 'min_child_weight': 4.760961232584156, 'n_estimators': 350, 'subsample': 0.9605174788936536}
Epoch : 2385: f1_weighted Score 0.812 params {'colsample_bytree': 0.5985830136424928, 'gamma': 0.9871189728475096, 'learning_rate': 0.007873371765692699, 'max_depth': 12, 'min_child_weight': 4.8995829537992535, 'n_estimators': 375, 'subsample': 0.9372510385037034}
Epoch : 2386: f1_weighted Score 0.793 params {'colsample_bytree': 0.30890129575765524, 'gamma': 0.017970550760950804, 'learning_rate': 0.04408562338346516, 'max_depth': 20, 'min_child_weight': 4.8423475509384755, 'n_estimators': 475, 'subsample': 0.9492671866399207}
Epoch : 2387: f1_weighted Score 0.812 params {'colsample_bytree': 0.5462974621545256, 'gamma': 0.13811099783241387, 'learning_rate': 0.0063838689721077676, 'max_depth': 12, 'min_child_weight': 5.023915336081882, 'n_estimators': 275, 'subsample': 0.9940689676786117}
Epoch : 2388: f1_weighted Score 0.812 params {'colsample_bytree': 0.5055430437689317, 'gamma': 0.582155635800827, 'learning_rate': 0.008157867868693137, 'max_depth': 15, 'min_child_weight': 4.177861017626192, 'n_estimators': 350, 'subsample': 0.8468124214014577}
Epoch : 2389: f1_weighted Score 0.814 params {'colsample_bytree': 0.37177438038404526, 'gamma': 0.06967038063990655, 'learning_rate': 0.006733525749530156, 'max_depth': 12, 'min_child_weight': 5.410988627765952, 'n_estimators': 425, 'subsample': 0.9583621572207459}
Epoch : 2390: f1_weighted Score 0.814 params {'colsample_bytree': 0.404612282996068, 'gamma': 0.16420074826843722, 'learning_rate': 0.006475645258209623, 'max_depth': 18, 'min_child_weight': 5.366221156791213, 'n_estimators': 450, 'subsample': 0.9807120138326457}
Epoch : 2391: f1_weighted Score 0.812 params {'colsample_bytree': 0.42192827331701493, 'gamma': 0.3677899315155576, 'learning_rate': 0.006329214279086885, 'max_depth': 17, 'min_child_weight': 4.885175189878648, 'n_estimators': 425, 'subsample': 0.9533680667456456}
Epoch : 2392: f1_weighted Score 0.812 params {'colsample_bytree': 0.45092994243711726, 'gamma': 0.13190352402850866, 'learning_rate': 0.0050665947181858595, 'max_depth': 4, 'min_child_weight': 5.423243097024498, 'n_estimators': 500, 'subsample': 0.9540011100400356}
Epoch : 2393: f1_weighted Score 0.814 params {'colsample_bytree': 0.3799449857623608, 'gamma': 0.7618438936531892, 'learning_rate': 0.008506552777625949, 'max_depth': 19, 'min_child_weight': 5.974954739972512, 'n_estimators': 350, 'subsample': 0.9660717936702182}
Epoch : 2394: f1_weighted Score 0.812 params {'colsample_bytree': 0.4064755590468363, 'gamma': 0.7820597948671666, 'learning_rate': 0.008945334356188196, 'max_depth': 11, 'min_child_weight': 5.719795948473374, 'n_estimators': 325, 'subsample': 0.9535316549981313}
Epoch : 2395: f1_weighted Score 0.810 params {'colsample_bytree': 0.4597352241197813, 'gamma': 0.3851626201484306, 'learning_rate': 0.011647834059569933, 'max_depth': 10, 'min_child_weight': 5.953148004370314, 'n_estimators': 50, 'subsample': 0.9282015439072909}
Epoch : 2396: f1_weighted Score 0.812 params {'colsample_bytree': 0.48175880256517056, 'gamma': 0.10639835002232964, 'learning_rate': 0.006977607962454955, 'max_depth': 7, 'min_child_weight': 5.715095507772513, 'n_estimators': 400, 'subsample': 0.9714746959386548}
Epoch : 2397: f1_weighted Score 0.814 params {'colsample_bytree': 0.44831838665422397, 'gamma': 0.8594454793863462, 'learning_rate': 0.007823996901841422, 'max_depth': 20, 'min_child_weight': 4.532609738957606, 'n_estimators': 300, 'subsample': 0.9788039039786883}
Epoch : 2398: f1_weighted Score 0.812 params {'colsample_bytree': 0.3890983303847889, 'gamma': 0.7205362494527386, 'learning_rate': 0.00841844461172357, 'max_depth': 11, 'min_child_weight': 5.146520331348107, 'n_estimators': 375, 'subsample': 0.919704607411933}
Epoch : 2399: f1_weighted Score 0.812 params {'colsample_bytree': 0.4465878773211204, 'gamma': 0.034546083337280244, 'learning_rate': 0.007935361892283957, 'max_depth': 20, 'min_child_weight': 5.017445277547055, 'n_estimators': 300, 'subsample': 0.9833178190129891}
Epoch : 2400: f1_weighted Score 0.810 params {'colsample_bytree': 0.31561040169018917, 'gamma': 0.0004237683330176184, 'learning_rate': 0.005560885687830457, 'max_depth': 10, 'min_child_weight': 5.963266748597946, 'n_estimators': 475, 'subsample': 0.9856446202039119}
Epoch : 2401: f1_weighted Score 0.808 params {'colsample_bytree': 0.31510980087257257, 'gamma': 0.7324613321473831, 'learning_rate': 0.005948033679072023, 'max_depth': 5, 'min_child_weight': 6.48663191101082, 'n_estimators': 1425, 'subsample': 0.8932999615766216}
Epoch : 2402: f1_weighted Score 0.812 params {'colsample_bytree': 0.4712034843646127, 'gamma': 0.000911081835317594, 'learning_rate': 0.006377347773877895, 'max_depth': 12, 'min_child_weight': 6.128004000756131, 'n_estimators': 475, 'subsample': 0.9783777768155968}
Epoch : 2403: f1_weighted Score 0.810 params {'colsample_bytree': 0.35813223352313256, 'gamma': 0.00038324184946963297, 'learning_rate': 0.005041397487799156, 'max_depth': 10, 'min_child_weight': 5.859200356778534, 'n_estimators': 525, 'subsample': 0.8144284997759258}
Epoch : 2404: f1_weighted Score 0.812 params {'colsample_bytree': 0.3091464476080212, 'gamma': 0.4418011155840649, 'learning_rate': 0.028049929689524467, 'max_depth': 5, 'min_child_weight': 6.5708213218884515, 'n_estimators': 150, 'subsample': 0.8907893382038031}
Epoch : 2405: f1_weighted Score 0.812 params {'colsample_bytree': 0.36822775466589214, 'gamma': 0.6487882380107747, 'learning_rate': 0.016544062589184106, 'max_depth': 14, 'min_child_weight': 5.639629078626606, 'n_estimators': 125, 'subsample': 0.9455405470320368}
Epoch : 2406: f1_weighted Score 0.801 params {'colsample_bytree': 0.5842963850711284, 'gamma': 0.7936375505130975, 'learning_rate': 0.007243957369353503, 'max_depth': 19, 'min_child_weight': 2.759389039144807, 'n_estimators': 450, 'subsample': 0.9917590846676253}
Epoch : 2407: f1_weighted Score 0.814 params {'colsample_bytree': 0.35176438967789986, 'gamma': 0.8319959769894911, 'learning_rate': 0.008536639265749804, 'max_depth': 8, 'min_child_weight': 5.148703361066937, 'n_estimators': 400, 'subsample': 0.8403589220972681}
Epoch : 2408: f1_weighted Score 0.810 params {'colsample_bytree': 0.3485827695746036, 'gamma': 0.648386018854893, 'learning_rate': 0.012689872870209593, 'max_depth': 11, 'min_child_weight': 5.184613151147914, 'n_estimators': 125, 'subsample': 0.9444511197436919}
Epoch : 2409: f1_weighted Score 0.812 params {'colsample_bytree': 0.3605813232434958, 'gamma': 0.6437436466836667, 'learning_rate': 0.014051520943871068, 'max_depth': 19, 'min_child_weight': 5.573116833264515, 'n_estimators': 150, 'subsample': 0.9432212267217831}
Epoch : 2410: f1_weighted Score 0.812 params {'colsample_bytree': 0.48863974675129074, 'gamma': 0.6183862091853712, 'learning_rate': 0.007463025205892342, 'max_depth': 18, 'min_child_weight': 4.815197387300273, 'n_estimators': 300, 'subsample': 0.9281652575212844}
Epoch : 2411: f1_weighted Score 0.812 params {'colsample_bytree': 0.3617095656830813, 'gamma': 0.3788383573261214, 'learning_rate': 0.01165469355262181, 'max_depth': 17, 'min_child_weight': 7.097263656889874, 'n_estimators': 250, 'subsample': 0.8974744069531904}
Epoch : 2412: f1_weighted Score 0.808 params {'colsample_bytree': 0.43802245540331886, 'gamma': 0.18582793489338242, 'learning_rate': 0.006276806277880514, 'max_depth': 8, 'min_child_weight': 4.575749070412374, 'n_estimators': 425, 'subsample': 0.9892472413126264}
Epoch : 2413: f1_weighted Score 0.809 params {'colsample_bytree': 0.38620464710903807, 'gamma': 0.09763109137553688, 'learning_rate': 0.005421554602424203, 'max_depth': 20, 'min_child_weight': 3.880401903713807, 'n_estimators': 500, 'subsample': 0.9969718251142629}
Epoch : 2414: f1_weighted Score 0.812 params {'colsample_bytree': 0.3817576461469701, 'gamma': 0.00012231668724091427, 'learning_rate': 0.007029821416130664, 'max_depth': 9, 'min_child_weight': 4.991579532125598, 'n_estimators': 425, 'subsample': 0.8266144669973328}
Epoch : 2415: f1_weighted Score 0.810 params {'colsample_bytree': 0.33012175494307827, 'gamma': 0.5035448310616102, 'learning_rate': 0.006762833726838714, 'max_depth': 8, 'min_child_weight': 5.487095189785617, 'n_estimators': 450, 'subsample': 0.9704374402023417}
Epoch : 2416: f1_weighted Score 0.810 params {'colsample_bytree': 0.32486061337913796, 'gamma': 0.060783927358791005, 'learning_rate': 0.007101981783373039, 'max_depth': 11, 'min_child_weight': 5.950817424176813, 'n_estimators': 475, 'subsample': 0.9998496074385458}
Epoch : 2417: f1_weighted Score 0.803 params {'colsample_bytree': 0.4226340924082233, 'gamma': 0.9034738199513741, 'learning_rate': 0.020873559764821983, 'max_depth': 6, 'min_child_weight': 6.318858049111265, 'n_estimators': 325, 'subsample': 0.9565995621760556}
Epoch : 2418: f1_weighted Score 0.811 params {'colsample_bytree': 0.45334507018276216, 'gamma': 0.5995042654197454, 'learning_rate': 0.009203532513105716, 'max_depth': 19, 'min_child_weight': 5.271833743451699, 'n_estimators': 350, 'subsample': 0.9487352728449202}
Epoch : 2419: f1_weighted Score 0.812 params {'colsample_bytree': 0.38136312826110563, 'gamma': 0.3495809120852883, 'learning_rate': 0.01333981542492615, 'max_depth': 8, 'min_child_weight': 5.74875714762238, 'n_estimators': 175, 'subsample': 0.9600006682677897}
Epoch : 2420: f1_weighted Score 0.811 params {'colsample_bytree': 0.4383388971190583, 'gamma': 0.6950720595302965, 'learning_rate': 0.011092350473660884, 'max_depth': 16, 'min_child_weight': 3.1948455948964876, 'n_estimators': 200, 'subsample': 0.9849904432339227}
Epoch : 2421: f1_weighted Score 0.793 params {'colsample_bytree': 0.3120723492945963, 'gamma': 0.10457557734459916, 'learning_rate': 0.03280178118448133, 'max_depth': 20, 'min_child_weight': 6.7374554520756815, 'n_estimators': 600, 'subsample': 0.9663752732635805}
Epoch : 2422: f1_weighted Score 0.809 params {'colsample_bytree': 0.39731988483043085, 'gamma': 0.8591122002722251, 'learning_rate': 0.006176100516736432, 'max_depth': 10, 'min_child_weight': 4.612315821782245, 'n_estimators': 550, 'subsample': 0.9884367384262661}
Epoch : 2423: f1_weighted Score 0.812 params {'colsample_bytree': 0.3990027894936225, 'gamma': 0.12298184351165438, 'learning_rate': 0.0050006588932126235, 'max_depth': 20, 'min_child_weight': 6.230490340107236, 'n_estimators': 550, 'subsample': 0.9807443531663226}
Epoch : 2424: f1_weighted Score 0.799 params {'colsample_bytree': 0.37218750782294757, 'gamma': 0.38672304316794526, 'learning_rate': 0.015244463476686586, 'max_depth': 9, 'min_child_weight': 5.625578534334618, 'n_estimators': 500, 'subsample': 0.9547765422725037}
Epoch : 2425: f1_weighted Score 0.812 params {'colsample_bytree': 0.3830053597937007, 'gamma': 0.3376825150263297, 'learning_rate': 0.011920286485205142, 'max_depth': 5, 'min_child_weight': 6.73255884015478, 'n_estimators': 225, 'subsample': 0.9575434090084801}
Epoch : 2426: f1_weighted Score 0.809 params {'colsample_bytree': 0.4250124808346769, 'gamma': 0.6694706496867414, 'learning_rate': 0.019443162066033554, 'max_depth': 13, 'min_child_weight': 3.656625251954094, 'n_estimators': 125, 'subsample': 0.9502082990693316}
Epoch : 2427: f1_weighted Score 0.767 params {'colsample_bytree': 0.3906149084473567, 'gamma': 0.6704935964089023, 'learning_rate': 0.005076096550516319, 'max_depth': 19, 'min_child_weight': 5.304646679175272, 'n_estimators': 75, 'subsample': 0.9469793713326017}
Epoch : 2428: f1_weighted Score 0.812 params {'colsample_bytree': 0.3350127405498702, 'gamma': 0.6345605955172338, 'learning_rate': 0.010108256623143, 'max_depth': 9, 'min_child_weight': 6.0373068412889745, 'n_estimators': 275, 'subsample': 0.9320168830632549}
Epoch : 2429: f1_weighted Score 0.806 params {'colsample_bytree': 0.33101272634274964, 'gamma': 0.11805487205642119, 'learning_rate': 0.00656639085597812, 'max_depth': 6, 'min_child_weight': 4.693437679610111, 'n_estimators': 325, 'subsample': 0.941858820797504}
Epoch : 2430: f1_weighted Score 0.812 params {'colsample_bytree': 0.41577210222888106, 'gamma': 0.698641174954396, 'learning_rate': 0.009019971972562964, 'max_depth': 6, 'min_child_weight': 4.149111395734354, 'n_estimators': 250, 'subsample': 0.9211939573455618}
Epoch : 2431: f1_weighted Score 0.812 params {'colsample_bytree': 0.39750944546519934, 'gamma': 0.7646524212371905, 'learning_rate': 0.0075976776042923, 'max_depth': 10, 'min_child_weight': 5.874989768984028, 'n_estimators': 375, 'subsample': 0.9630472438060005}
Epoch : 2432: f1_weighted Score 0.812 params {'colsample_bytree': 0.3443577453601865, 'gamma': 0.5663577913854996, 'learning_rate': 0.012407518463003328, 'max_depth': 17, 'min_child_weight': 6.857478198460485, 'n_estimators': 225, 'subsample': 0.9295351518599597}
Epoch : 2433: f1_weighted Score 0.811 params {'colsample_bytree': 0.5502848007319862, 'gamma': 0.15751570666066675, 'learning_rate': 0.006576884831100581, 'max_depth': 20, 'min_child_weight': 4.4953303909721, 'n_estimators': 425, 'subsample': 0.8517502056996051}
Epoch : 2434: f1_weighted Score 0.810 params {'colsample_bytree': 0.7175090770878401, 'gamma': 0.23071631354577385, 'learning_rate': 0.007459400201012713, 'max_depth': 5, 'min_child_weight': 4.283813445277549, 'n_estimators': 350, 'subsample': 0.9288040977894143}
Epoch : 2435: f1_weighted Score 0.809 params {'colsample_bytree': 0.47076325528604845, 'gamma': 0.28587799335617003, 'learning_rate': 0.006911545770985302, 'max_depth': 12, 'min_child_weight': 4.867558234060488, 'n_estimators': 575, 'subsample': 0.8600809913363309}
Epoch : 2436: f1_weighted Score 0.809 params {'colsample_bytree': 0.4604382291343402, 'gamma': 0.685352178116989, 'learning_rate': 0.011235154460777235, 'max_depth': 14, 'min_child_weight': 3.653846553090288, 'n_estimators': 175, 'subsample': 0.9158234455691614}
Epoch : 2437: f1_weighted Score 0.808 params {'colsample_bytree': 0.46251237960686625, 'gamma': 0.9099141363846778, 'learning_rate': 0.009875957679587015, 'max_depth': 5, 'min_child_weight': 5.220548929784301, 'n_estimators': 625, 'subsample': 0.8144644652338002}
Epoch : 2438: f1_weighted Score 0.812 params {'colsample_bytree': 0.3696607172055745, 'gamma': 0.6155333498839082, 'learning_rate': 0.008703191857380917, 'max_depth': 15, 'min_child_weight': 5.353556064342409, 'n_estimators': 325, 'subsample': 0.8798851028248155}
Epoch : 2439: f1_weighted Score 0.812 params {'colsample_bytree': 0.4011677482629061, 'gamma': 0.887241103528108, 'learning_rate': 0.02332595152129195, 'max_depth': 8, 'min_child_weight': 4.135490173373768, 'n_estimators': 125, 'subsample': 0.9281144891473525}
Epoch : 2440: f1_weighted Score 0.812 params {'colsample_bytree': 0.34322179134127045, 'gamma': 0.10716513425595066, 'learning_rate': 0.007579158683596121, 'max_depth': 17, 'min_child_weight': 6.027915424954613, 'n_estimators': 375, 'subsample': 0.9825091314434679}
Epoch : 2441: f1_weighted Score 0.812 params {'colsample_bytree': 0.3729823606698996, 'gamma': 0.3534328059872338, 'learning_rate': 0.008110295973515607, 'max_depth': 18, 'min_child_weight': 6.6987813136692465, 'n_estimators': 275, 'subsample': 0.9631580611907945}
Epoch : 2442: f1_weighted Score 0.799 params {'colsample_bytree': 0.3888641567097871, 'gamma': 0.4265379131213201, 'learning_rate': 0.010714981097572204, 'max_depth': 7, 'min_child_weight': 4.954750014046936, 'n_estimators': 675, 'subsample': 0.9029538981120762}
Epoch : 2443: f1_weighted Score 0.812 params {'colsample_bytree': 0.3651641151036669, 'gamma': 0.7159927285326113, 'learning_rate': 0.012576570524567244, 'max_depth': 19, 'min_child_weight': 7.55806748165314, 'n_estimators': 200, 'subsample': 0.9446266553647329}
Epoch : 2444: f1_weighted Score 0.811 params {'colsample_bytree': 0.3617604549044901, 'gamma': 0.7457371073644484, 'learning_rate': 0.01059988484890497, 'max_depth': 13, 'min_child_weight': 3.854074987277784, 'n_estimators': 250, 'subsample': 0.9428844787210239}
Epoch : 2445: f1_weighted Score 0.811 params {'colsample_bytree': 0.622183488748944, 'gamma': 0.16629394948797943, 'learning_rate': 0.006150894163061217, 'max_depth': 8, 'min_child_weight': 4.671437505347176, 'n_estimators': 425, 'subsample': 0.9797519347269731}
Epoch : 2446: f1_weighted Score 0.812 params {'colsample_bytree': 0.43636738476859244, 'gamma': 0.7508507316989623, 'learning_rate': 0.005341285021242324, 'max_depth': 5, 'min_child_weight': 4.818715848686017, 'n_estimators': 300, 'subsample': 0.9307777767264794}
Epoch : 2447: f1_weighted Score 0.812 params {'colsample_bytree': 0.46570691933854247, 'gamma': 0.714726759438212, 'learning_rate': 0.009450408437873488, 'max_depth': 18, 'min_child_weight': 4.760608657271376, 'n_estimators': 250, 'subsample': 0.9377295927354422}
Epoch : 2448: f1_weighted Score 0.808 params {'colsample_bytree': 0.30581679126736666, 'gamma': 0.08691652946978833, 'learning_rate': 0.0057003029420984504, 'max_depth': 5, 'min_child_weight': 4.548698930632638, 'n_estimators': 375, 'subsample': 0.9362459778034304}
Epoch : 2449: f1_weighted Score 0.812 params {'colsample_bytree': 0.5555175432839999, 'gamma': 0.845611584704804, 'learning_rate': 0.011295817098676523, 'max_depth': 9, 'min_child_weight': 6.403485912463255, 'n_estimators': 275, 'subsample': 0.8349689827110837}
Epoch : 2450: f1_weighted Score 0.812 params {'colsample_bytree': 0.4076045427096485, 'gamma': 0.687264919635396, 'learning_rate': 0.006658173447917364, 'max_depth': 7, 'min_child_weight': 3.879088700617811, 'n_estimators': 350, 'subsample': 0.9489121107562181}
Epoch : 2451: f1_weighted Score 0.812 params {'colsample_bytree': 0.4446854967384501, 'gamma': 0.5904719871189534, 'learning_rate': 0.010668119607217875, 'max_depth': 16, 'min_child_weight': 5.001647085650907, 'n_estimators': 225, 'subsample': 0.9362921199587785}
Epoch : 2452: f1_weighted Score 0.810 params {'colsample_bytree': 0.3806320013519716, 'gamma': 0.3957608017308186, 'learning_rate': 0.016887323290275005, 'max_depth': 7, 'min_child_weight': 4.2621924724766815, 'n_estimators': 100, 'subsample': 0.9080474688650255}
Epoch : 2453: f1_weighted Score 0.787 params {'colsample_bytree': 0.30531816216979557, 'gamma': 0.2003570445901764, 'learning_rate': 0.0576439299088511, 'max_depth': 18, 'min_child_weight': 5.868916215597398, 'n_estimators': 425, 'subsample': 0.9334089191865876}
Epoch : 2454: f1_weighted Score 0.812 params {'colsample_bytree': 0.4179560773917021, 'gamma': 0.8683594034006401, 'learning_rate': 0.008926566820209614, 'max_depth': 4, 'min_child_weight': 4.388011791171036, 'n_estimators': 275, 'subsample': 0.921234463507999}
Epoch : 2455: f1_weighted Score 0.805 params {'colsample_bytree': 0.3183885962651618, 'gamma': 0.653339297178912, 'learning_rate': 0.04605035884200463, 'max_depth': 19, 'min_child_weight': 6.942230478286577, 'n_estimators': 250, 'subsample': 0.9548176375316835}
Epoch : 2456: f1_weighted Score 0.812 params {'colsample_bytree': 0.5198314457908627, 'gamma': 0.33135496837545336, 'learning_rate': 0.005642333530249625, 'max_depth': 17, 'min_child_weight': 5.1191618967564345, 'n_estimators': 475, 'subsample': 0.9091204754909784}
Epoch : 2457: f1_weighted Score 0.812 params {'colsample_bytree': 0.6718426938933773, 'gamma': 0.9975540657472426, 'learning_rate': 0.005629612359810136, 'max_depth': 10, 'min_child_weight': 9.401466731169016, 'n_estimators': 650, 'subsample': 0.8161073747675768}
Epoch : 2458: f1_weighted Score 0.797 params {'colsample_bytree': 0.37834574542808186, 'gamma': 0.3315321505209194, 'learning_rate': 0.01400049192059703, 'max_depth': 9, 'min_child_weight': 4.690702739833008, 'n_estimators': 600, 'subsample': 0.8312931758473033}
Epoch : 2459: f1_weighted Score 0.811 params {'colsample_bytree': 0.6881978593793592, 'gamma': 0.4535425128559046, 'learning_rate': 0.010241157140762772, 'max_depth': 16, 'min_child_weight': 4.160140170801344, 'n_estimators': 225, 'subsample': 0.9109499982568373}
Epoch : 2460: f1_weighted Score 0.808 params {'colsample_bytree': 0.43931662568656926, 'gamma': 0.862130459322554, 'learning_rate': 0.009136966051645367, 'max_depth': 10, 'min_child_weight': 3.258740403770801, 'n_estimators': 375, 'subsample': 0.822254695090485}
Epoch : 2461: f1_weighted Score 0.812 params {'colsample_bytree': 0.3869057636889465, 'gamma': 0.4181718318731105, 'learning_rate': 0.01015642106937429, 'max_depth': 7, 'min_child_weight': 4.117817717596967, 'n_estimators': 250, 'subsample': 0.8656311840735855}
Epoch : 2462: f1_weighted Score 0.808 params {'colsample_bytree': 0.36768236613306543, 'gamma': 0.5014211532304943, 'learning_rate': 0.011703131851862447, 'max_depth': 14, 'min_child_weight': 8.252538475881055, 'n_estimators': 650, 'subsample': 0.807901805786283}
Epoch : 2463: f1_weighted Score 0.814 params {'colsample_bytree': 0.3534383996091125, 'gamma': 0.2014182913134734, 'learning_rate': 0.0070658547104499835, 'max_depth': 20, 'min_child_weight': 5.600085452269244, 'n_estimators': 400, 'subsample': 0.9061062848463791}
Epoch : 2464: f1_weighted Score 0.812 params {'colsample_bytree': 0.3534546196035389, 'gamma': 0.24829788909014963, 'learning_rate': 0.006010594921655263, 'max_depth': 20, 'min_child_weight': 6.4196158949996205, 'n_estimators': 450, 'subsample': 0.9851038672872304}
Epoch : 2465: f1_weighted Score 0.812 params {'colsample_bytree': 0.34110014002725986, 'gamma': 0.19997205205352972, 'learning_rate': 0.006726178150767364, 'max_depth': 19, 'min_child_weight': 4.478386513702217, 'n_estimators': 400, 'subsample': 0.9405184972891261}
Epoch : 2466: f1_weighted Score 0.809 params {'colsample_bytree': 0.43111646871711795, 'gamma': 0.43053326188664687, 'learning_rate': 0.009649295644459986, 'max_depth': 13, 'min_child_weight': 4.227422849718636, 'n_estimators': 325, 'subsample': 0.9154992676884931}
Epoch : 2467: f1_weighted Score 0.812 params {'colsample_bytree': 0.4202923381482538, 'gamma': 0.3945448925737455, 'learning_rate': 0.00832157982976629, 'max_depth': 13, 'min_child_weight': 5.544910024332019, 'n_estimators': 300, 'subsample': 0.9623112038464281}
Epoch : 2468: f1_weighted Score 0.814 params {'colsample_bytree': 0.43317702067353436, 'gamma': 0.23347580699757756, 'learning_rate': 0.008320104093030458, 'max_depth': 17, 'min_child_weight': 4.580265919560365, 'n_estimators': 325, 'subsample': 0.9401705967837984}
Epoch : 2469: f1_weighted Score 0.809 params {'colsample_bytree': 0.4478476116305973, 'gamma': 0.15257328199470288, 'learning_rate': 0.006630441096680716, 'max_depth': 19, 'min_child_weight': 4.067073642562572, 'n_estimators': 375, 'subsample': 0.9472669423310879}
Epoch : 2470: f1_weighted Score 0.811 params {'colsample_bytree': 0.5668569681457765, 'gamma': 0.8328488111920891, 'learning_rate': 0.006562369960804944, 'max_depth': 20, 'min_child_weight': 5.874681941398827, 'n_estimators': 525, 'subsample': 0.9758463465890322}
Epoch : 2471: f1_weighted Score 0.814 params {'colsample_bytree': 0.36987471114700704, 'gamma': 0.729904065741393, 'learning_rate': 0.008740185787287236, 'max_depth': 17, 'min_child_weight': 6.1239349580079985, 'n_estimators': 350, 'subsample': 0.9583814816595401}
Epoch : 2472: f1_weighted Score 0.812 params {'colsample_bytree': 0.46278403775593085, 'gamma': 0.6568894559804276, 'learning_rate': 0.009242203460358601, 'max_depth': 19, 'min_child_weight': 5.410407721566065, 'n_estimators': 300, 'subsample': 0.9521251094920775}
Epoch : 2473: f1_weighted Score 0.812 params {'colsample_bytree': 0.9993804313150776, 'gamma': 0.44871817108265344, 'learning_rate': 0.008223794179959002, 'max_depth': 20, 'min_child_weight': 5.107186680303061, 'n_estimators': 375, 'subsample': 0.8787389256092708}
Epoch : 2474: f1_weighted Score 0.811 params {'colsample_bytree': 0.41358238550633786, 'gamma': 0.302696877252418, 'learning_rate': 0.007738971118335716, 'max_depth': 19, 'min_child_weight': 4.875561854790372, 'n_estimators': 400, 'subsample': 0.9744899656907681}
Epoch : 2475: f1_weighted Score 0.814 params {'colsample_bytree': 0.47139946296612756, 'gamma': 0.5716519114300183, 'learning_rate': 0.005410925306550014, 'max_depth': 18, 'min_child_weight': 5.0172066333537835, 'n_estimators': 525, 'subsample': 0.9120325234205866}
Epoch : 2476: f1_weighted Score 0.809 params {'colsample_bytree': 0.3982956518132373, 'gamma': 0.7339964782204951, 'learning_rate': 0.009992802591222262, 'max_depth': 18, 'min_child_weight': 5.712047178150141, 'n_estimators': 450, 'subsample': 0.9139470851436192}
Epoch : 2477: f1_weighted Score 0.814 params {'colsample_bytree': 0.3971881978607537, 'gamma': 0.6998682642572404, 'learning_rate': 0.01068871560410002, 'max_depth': 18, 'min_child_weight': 5.338711788370112, 'n_estimators': 275, 'subsample': 0.924481544512448}
Epoch : 2478: f1_weighted Score 0.810 params {'colsample_bytree': 0.45868002883265596, 'gamma': 0.9744217904540187, 'learning_rate': 0.00789951888513538, 'max_depth': 11, 'min_child_weight': 5.678244947048317, 'n_estimators': 350, 'subsample': 0.8725660420572023}
Epoch : 2479: f1_weighted Score 0.811 params {'colsample_bytree': 0.6138880306596407, 'gamma': 0.2521399539680594, 'learning_rate': 0.005298752300523031, 'max_depth': 14, 'min_child_weight': 6.093180612095511, 'n_estimators': 575, 'subsample': 0.9802414418831567}
Epoch : 2480: f1_weighted Score 0.814 params {'colsample_bytree': 0.3940890407072628, 'gamma': 0.675146939328922, 'learning_rate': 0.011252054431777797, 'max_depth': 11, 'min_child_weight': 4.669699353154396, 'n_estimators': 225, 'subsample': 0.95332596823747}
Epoch : 2481: f1_weighted Score 0.809 params {'colsample_bytree': 0.5617355252421926, 'gamma': 0.8272043373343864, 'learning_rate': 0.010063497003931686, 'max_depth': 7, 'min_child_weight': 5.155381832693134, 'n_estimators': 350, 'subsample': 0.9759985438678628}
Epoch : 2482: f1_weighted Score 0.802 params {'colsample_bytree': 0.38342668438611305, 'gamma': 0.8518901541520305, 'learning_rate': 0.008229849673409116, 'max_depth': 8, 'min_child_weight': 0.39146201408910386, 'n_estimators': 375, 'subsample': 0.8819696216688058}
Epoch : 2483: f1_weighted Score 0.812 params {'colsample_bytree': 0.4223646378617665, 'gamma': 0.6092192560289573, 'learning_rate': 0.009609883795201935, 'max_depth': 18, 'min_child_weight': 5.030894096910999, 'n_estimators': 225, 'subsample': 0.9464139095664221}
Epoch : 2484: f1_weighted Score 0.785 params {'colsample_bytree': 0.30005866219020716, 'gamma': 0.4701625990315924, 'learning_rate': 0.030937498416907877, 'max_depth': 16, 'min_child_weight': 3.1002359838032616, 'n_estimators': 425, 'subsample': 0.8893453191697104}
Epoch : 2485: f1_weighted Score 0.789 params {'colsample_bytree': 0.9360562806423895, 'gamma': 0.48220577515215235, 'learning_rate': 0.008249667040021301, 'max_depth': 17, 'min_child_weight': 1.1224430532289906, 'n_estimators': 400, 'subsample': 0.8574267024866187}
Epoch : 2486: f1_weighted Score 0.800 params {'colsample_bytree': 0.3131698763124576, 'gamma': 0.23053020447724895, 'learning_rate': 0.034859994865971154, 'max_depth': 17, 'min_child_weight': 7.022765837342469, 'n_estimators': 550, 'subsample': 0.8749580871786741}
Epoch : 2487: f1_weighted Score 0.802 params {'colsample_bytree': 0.30146191453073423, 'gamma': 0.21958823765184932, 'learning_rate': 0.032396854742255295, 'max_depth': 17, 'min_child_weight': 7.24313387709464, 'n_estimators': 500, 'subsample': 0.9001907335637506}
Epoch : 2488: f1_weighted Score 0.802 params {'colsample_bytree': 0.3018815908095669, 'gamma': 0.24603673399977546, 'learning_rate': 0.027661691952454846, 'max_depth': 17, 'min_child_weight': 7.108994304097725, 'n_estimators': 500, 'subsample': 0.8676885338784595}
Epoch : 2489: f1_weighted Score 0.802 params {'colsample_bytree': 0.329118107817889, 'gamma': 0.21197993448761976, 'learning_rate': 0.026040328427541323, 'max_depth': 17, 'min_child_weight': 6.975139912177951, 'n_estimators': 500, 'subsample': 0.8848487901033046}
Epoch : 2490: f1_weighted Score 0.797 params {'colsample_bytree': 0.3221004654947672, 'gamma': 0.18586340462839113, 'learning_rate': 0.028574419740382877, 'max_depth': 18, 'min_child_weight': 6.86045430983379, 'n_estimators': 550, 'subsample': 0.9680987165309163}
Epoch : 2491: f1_weighted Score 0.795 params {'colsample_bytree': 0.3023914725059626, 'gamma': 0.22351608304380055, 'learning_rate': 0.027171070337490215, 'max_depth': 18, 'min_child_weight': 6.558883921313003, 'n_estimators': 550, 'subsample': 0.9700975811808678}
Epoch : 2492: f1_weighted Score 0.809 params {'colsample_bytree': 0.43237822361150996, 'gamma': 0.8527107486706623, 'learning_rate': 0.009542116595482915, 'max_depth': 10, 'min_child_weight': 2.576221013455264, 'n_estimators': 250, 'subsample': 0.8270393642679994}
Epoch : 2493: f1_weighted Score 0.810 params {'colsample_bytree': 0.35242708185944205, 'gamma': 0.3551621175715378, 'learning_rate': 0.005954100446846451, 'max_depth': 8, 'min_child_weight': 5.806821220725984, 'n_estimators': 450, 'subsample': 0.8476478166940424}
Epoch : 2494: f1_weighted Score 0.814 params {'colsample_bytree': 0.3379943204248079, 'gamma': 0.17942126972684522, 'learning_rate': 0.007351875728731377, 'max_depth': 7, 'min_child_weight': 5.919641094593664, 'n_estimators': 400, 'subsample': 0.9878411272618424}
Epoch : 2495: f1_weighted Score 0.812 params {'colsample_bytree': 0.41323547564542557, 'gamma': 0.745113712114524, 'learning_rate': 0.010801982802881397, 'max_depth': 11, 'min_child_weight': 4.814601281045609, 'n_estimators': 200, 'subsample': 0.9440980904019517}
Epoch : 2496: f1_weighted Score 0.814 params {'colsample_bytree': 0.35579108607675036, 'gamma': 0.5471010565232188, 'learning_rate': 0.007362550118700725, 'max_depth': 9, 'min_child_weight': 5.277024886937237, 'n_estimators': 400, 'subsample': 0.8970357358650368}
Epoch : 2497: f1_weighted Score 0.814 params {'colsample_bytree': 0.3977060379056001, 'gamma': 0.8854970590795189, 'learning_rate': 0.007266610495904649, 'max_depth': 19, 'min_child_weight': 4.615941683670166, 'n_estimators': 400, 'subsample': 0.9094815120672078}
Epoch : 2498: f1_weighted Score 0.814 params {'colsample_bytree': 0.40558946278302216, 'gamma': 0.2855692717805737, 'learning_rate': 0.007652218961230588, 'max_depth': 19, 'min_child_weight': 4.741282883358168, 'n_estimators': 375, 'subsample': 0.9182175986946669}
Epoch : 2499: f1_weighted Score 0.812 params {'colsample_bytree': 0.40464923838951194, 'gamma': 0.268229158099328, 'learning_rate': 0.007146315213232287, 'max_depth': 19, 'min_child_weight': 4.897512751203125, 'n_estimators': 475, 'subsample': 0.9134961963347639}
Epoch : 2500: f1_weighted Score 0.814 params {'colsample_bytree': 0.37462763707684965, 'gamma': 0.723377459674865, 'learning_rate': 0.007889604457408798, 'max_depth': 10, 'min_child_weight': 4.417622245349017, 'n_estimators': 325, 'subsample': 0.9485472393933604}
Epoch : 2501: f1_weighted Score 0.811 params {'colsample_bytree': 0.36899868023322335, 'gamma': 0.9955590320833166, 'learning_rate': 0.008850293417109743, 'max_depth': 6, 'min_child_weight': 3.6086093925169815, 'n_estimators': 325, 'subsample': 0.9504347834067026}
Epoch : 2502: f1_weighted Score 0.812 params {'colsample_bytree': 0.47846416926560875, 'gamma': 0.964885135425066, 'learning_rate': 0.007999516433207959, 'max_depth': 2, 'min_child_weight': 5.509936606130422, 'n_estimators': 300, 'subsample': 0.9632110906842243}
Epoch : 2503: f1_weighted Score 0.812 params {'colsample_bytree': 0.38203809672864397, 'gamma': 0.5519203586062845, 'learning_rate': 0.01279854792194144, 'max_depth': 8, 'min_child_weight': 5.2718201420940245, 'n_estimators': 275, 'subsample': 0.905120199923581}
Epoch : 2504: f1_weighted Score 0.808 params {'colsample_bytree': 0.41221846605476675, 'gamma': 0.947850504007434, 'learning_rate': 0.006100792172332101, 'max_depth': 18, 'min_child_weight': 4.392363877058462, 'n_estimators': 550, 'subsample': 0.9759885724553015}
Epoch : 2505: f1_weighted Score 0.810 params {'colsample_bytree': 0.34180636774600437, 'gamma': 0.30958730137845664, 'learning_rate': 0.006110081969825319, 'max_depth': 7, 'min_child_weight': 4.0150404324912286, 'n_estimators': 425, 'subsample': 0.8414776066371451}
Epoch : 2506: f1_weighted Score 0.808 params {'colsample_bytree': 0.32289539659313377, 'gamma': 0.632658669334357, 'learning_rate': 0.018621631886096796, 'max_depth': 8, 'min_child_weight': 6.122590640164065, 'n_estimators': 175, 'subsample': 0.979559206722202}
Epoch : 2507: f1_weighted Score 0.809 params {'colsample_bytree': 0.430595520881534, 'gamma': 0.7127351405194676, 'learning_rate': 0.005402358372086613, 'max_depth': 5, 'min_child_weight': 4.065070198782794, 'n_estimators': 725, 'subsample': 0.9092443456223124}
Epoch : 2508: f1_weighted Score 0.811 params {'colsample_bytree': 0.8913872130837703, 'gamma': 0.06273894935269614, 'learning_rate': 0.006191486088842186, 'max_depth': 10, 'min_child_weight': 5.411578979081687, 'n_estimators': 450, 'subsample': 0.822489900298055}
Epoch : 2509: f1_weighted Score 0.812 params {'colsample_bytree': 0.3752387079102355, 'gamma': 0.4445988842444276, 'learning_rate': 0.008708629583555713, 'max_depth': 17, 'min_child_weight': 5.422717615407379, 'n_estimators': 275, 'subsample': 0.9045650951743687}
Epoch : 2510: f1_weighted Score 0.811 params {'colsample_bytree': 0.41464936821806914, 'gamma': 0.9509043068584905, 'learning_rate': 0.0063155977528765745, 'max_depth': 18, 'min_child_weight': 4.983783882184087, 'n_estimators': 525, 'subsample': 0.9744164714400857}
Epoch : 2511: f1_weighted Score 0.812 params {'colsample_bytree': 0.34640645170913553, 'gamma': 0.13033521294882325, 'learning_rate': 0.007336202567288948, 'max_depth': 6, 'min_child_weight': 5.3434833389365615, 'n_estimators': 450, 'subsample': 0.9436520774802748}
Epoch : 2512: f1_weighted Score 0.812 params {'colsample_bytree': 0.4878492972404665, 'gamma': 0.6443112849601229, 'learning_rate': 0.008348288033644576, 'max_depth': 20, 'min_child_weight': 5.197075673139116, 'n_estimators': 350, 'subsample': 0.9206778576680105}
Epoch : 2513: f1_weighted Score 0.811 params {'colsample_bytree': 0.48125550229509256, 'gamma': 0.6359808073742326, 'learning_rate': 0.007836275062395804, 'max_depth': 12, 'min_child_weight': 4.416716468285991, 'n_estimators': 350, 'subsample': 0.9169577333910637}
Epoch : 2514: f1_weighted Score 0.812 params {'colsample_bytree': 0.3830061589964014, 'gamma': 0.40852561458061676, 'learning_rate': 0.008882005258000267, 'max_depth': 19, 'min_child_weight': 4.222852444996273, 'n_estimators': 300, 'subsample': 0.9439379978200166}
Epoch : 2515: f1_weighted Score 0.814 params {'colsample_bytree': 0.383128015843035, 'gamma': 0.7684896689963058, 'learning_rate': 0.00914006822190924, 'max_depth': 19, 'min_child_weight': 4.465898778807951, 'n_estimators': 275, 'subsample': 0.9504609902517792}
Epoch : 2516: f1_weighted Score 0.790 params {'colsample_bytree': 0.3802359103822873, 'gamma': 0.8246479350365155, 'learning_rate': 0.010069884241481572, 'max_depth': 6, 'min_child_weight': 3.040238668321652, 'n_estimators': 75, 'subsample': 0.8736247240718863}
Epoch : 2517: f1_weighted Score 0.810 params {'colsample_bytree': 0.30070989475080184, 'gamma': 0.22615268252639784, 'learning_rate': 0.006832548527287405, 'max_depth': 16, 'min_child_weight': 5.6582060086574355, 'n_estimators': 450, 'subsample': 0.9831598549455064}
Epoch : 2518: f1_weighted Score 0.814 params {'colsample_bytree': 0.34164691549741605, 'gamma': 0.7836610525407217, 'learning_rate': 0.008956530725877723, 'max_depth': 19, 'min_child_weight': 4.805937571012375, 'n_estimators': 300, 'subsample': 0.94841671510756}
Epoch : 2519: f1_weighted Score 0.812 params {'colsample_bytree': 0.4465332663970191, 'gamma': 0.5038203670045777, 'learning_rate': 0.009257165792727161, 'max_depth': 10, 'min_child_weight': 6.192558230328753, 'n_estimators': 350, 'subsample': 0.9657118187586353}
Epoch : 2520: f1_weighted Score 0.812 params {'colsample_bytree': 0.35847227791347847, 'gamma': 0.7056048222052762, 'learning_rate': 0.008649005513183119, 'max_depth': 14, 'min_child_weight': 4.301845157651378, 'n_estimators': 225, 'subsample': 0.9344374827980024}
Epoch : 2521: f1_weighted Score 0.812 params {'colsample_bytree': 0.34951985583374484, 'gamma': 0.791872813464195, 'learning_rate': 0.00859827266063745, 'max_depth': 18, 'min_child_weight': 4.691107656162179, 'n_estimators': 250, 'subsample': 0.9434390921575028}
Epoch : 2522: f1_weighted Score 0.814 params {'colsample_bytree': 0.4268364701394953, 'gamma': 0.15824933742135208, 'learning_rate': 0.006401670232515075, 'max_depth': 14, 'min_child_weight': 5.404203902519528, 'n_estimators': 425, 'subsample': 0.9660555035451608}
Epoch : 2523: f1_weighted Score 0.812 params {'colsample_bytree': 0.5091847305233471, 'gamma': 0.8121499694913321, 'learning_rate': 0.013350201132069613, 'max_depth': 18, 'min_child_weight': 6.79075482625345, 'n_estimators': 175, 'subsample': 0.9687452765051576}
Epoch : 2524: f1_weighted Score 0.814 params {'colsample_bytree': 0.440898345611569, 'gamma': 0.08382973707754701, 'learning_rate': 0.007153232885852847, 'max_depth': 19, 'min_child_weight': 5.150369653004863, 'n_estimators': 400, 'subsample': 0.9342938743928157}
Epoch : 2525: f1_weighted Score 0.812 params {'colsample_bytree': 0.3673240640016929, 'gamma': 0.31099296480374483, 'learning_rate': 0.013209203831157286, 'max_depth': 19, 'min_child_weight': 5.09902895955212, 'n_estimators': 175, 'subsample': 0.926627381971352}
Epoch : 2526: f1_weighted Score 0.812 params {'colsample_bytree': 0.3382295396875096, 'gamma': 0.04010455916439855, 'learning_rate': 0.006816832439630408, 'max_depth': 11, 'min_child_weight': 6.437084223169573, 'n_estimators': 375, 'subsample': 0.9737135483036923}
Epoch : 2527: f1_weighted Score 0.812 params {'colsample_bytree': 0.35510274680955883, 'gamma': 0.2899488981490804, 'learning_rate': 0.005073537162258477, 'max_depth': 10, 'min_child_weight': 4.533740171616764, 'n_estimators': 500, 'subsample': 0.9172840759590425}
Epoch : 2528: f1_weighted Score 0.786 params {'colsample_bytree': 0.3586187019801576, 'gamma': 0.40568384826099085, 'learning_rate': 0.023175542581433325, 'max_depth': 11, 'min_child_weight': 3.5178478357491794, 'n_estimators': 900, 'subsample': 0.866278646497656}
Epoch : 2529: f1_weighted Score 0.805 params {'colsample_bytree': 0.4162634848535748, 'gamma': 0.9312939266664149, 'learning_rate': 0.006051247127478295, 'max_depth': 7, 'min_child_weight': 4.023232403765869, 'n_estimators': 725, 'subsample': 0.9995550520446725}
Epoch : 2530: f1_weighted Score 0.812 params {'colsample_bytree': 0.5404433090865779, 'gamma': 0.631741331819016, 'learning_rate': 0.0077677738218646306, 'max_depth': 13, 'min_child_weight': 5.035458255481065, 'n_estimators': 325, 'subsample': 0.966764552079671}
Epoch : 2531: f1_weighted Score 0.810 params {'colsample_bytree': 0.43442310397269934, 'gamma': 0.6790581881219601, 'learning_rate': 0.007105950257852524, 'max_depth': 13, 'min_child_weight': 3.8490148246686813, 'n_estimators': 225, 'subsample': 0.9402052764187754}
Epoch : 2532: f1_weighted Score 0.812 params {'colsample_bytree': 0.5215924334523429, 'gamma': 0.42139507312237484, 'learning_rate': 0.008189979325795014, 'max_depth': 16, 'min_child_weight': 4.363047367048175, 'n_estimators': 325, 'subsample': 0.9006178618773004}
Epoch : 2533: f1_weighted Score 0.812 params {'colsample_bytree': 0.38896481107909486, 'gamma': 0.46276246451445563, 'learning_rate': 0.00731311954251884, 'max_depth': 17, 'min_child_weight': 5.828701059336593, 'n_estimators': 375, 'subsample': 0.885877191292485}
Epoch : 2534: f1_weighted Score 0.806 params {'colsample_bytree': 0.33277752936494354, 'gamma': 0.7287613326539041, 'learning_rate': 0.011838410104131858, 'max_depth': 19, 'min_child_weight': 4.320493423405819, 'n_estimators': 200, 'subsample': 0.9304247491413387}
Epoch : 2535: f1_weighted Score 0.808 params {'colsample_bytree': 0.3645622870633579, 'gamma': 0.37119829427470097, 'learning_rate': 0.010310001376802175, 'max_depth': 18, 'min_child_weight': 5.215148597554197, 'n_estimators': 175, 'subsample': 0.9360624012601241}
Epoch : 2536: f1_weighted Score 0.812 params {'colsample_bytree': 0.392761307924521, 'gamma': 0.8134144085271051, 'learning_rate': 0.007910263559178137, 'max_depth': 20, 'min_child_weight': 5.545227083993603, 'n_estimators': 400, 'subsample': 0.9623644257181441}
Epoch : 2537: f1_weighted Score 0.805 params {'colsample_bytree': 0.493141973910796, 'gamma': 0.5308047322511666, 'learning_rate': 0.011663268222845037, 'max_depth': 15, 'min_child_weight': 2.9330538136648068, 'n_estimators': 300, 'subsample': 0.8815937657463994}
Epoch : 2538: f1_weighted Score 0.810 params {'colsample_bytree': 0.37511511282304766, 'gamma': 0.25299258382958023, 'learning_rate': 0.0070264782497903855, 'max_depth': 4, 'min_child_weight': 3.9025210434078805, 'n_estimators': 425, 'subsample': 0.923609031888554}
Epoch : 2539: f1_weighted Score 0.805 params {'colsample_bytree': 0.4231001667134561, 'gamma': 0.5307611855082645, 'learning_rate': 0.005575066714531411, 'max_depth': 7, 'min_child_weight': 2.365519132552784, 'n_estimators': 625, 'subsample': 0.8513279626046174}
Epoch : 2540: f1_weighted Score 0.809 params {'colsample_bytree': 0.5172072902500818, 'gamma': 0.5755628379695289, 'learning_rate': 0.009933727306928541, 'max_depth': 16, 'min_child_weight': 4.930212010803118, 'n_estimators': 300, 'subsample': 0.910674432951359}
Epoch : 2541: f1_weighted Score 0.810 params {'colsample_bytree': 0.8740979218453002, 'gamma': 0.22640124189882083, 'learning_rate': 0.015873581716879775, 'max_depth': 19, 'min_child_weight': 5.757116913965563, 'n_estimators': 125, 'subsample': 0.9211942957916708}
Epoch : 2542: f1_weighted Score 0.812 params {'colsample_bytree': 0.3451592731500168, 'gamma': 0.8427929759819698, 'learning_rate': 0.006936625182410198, 'max_depth': 17, 'min_child_weight': 5.657592264280424, 'n_estimators': 425, 'subsample': 0.858989296943366}
Epoch : 2543: f1_weighted Score 0.808 params {'colsample_bytree': 0.3299138975620725, 'gamma': 0.8717086315364566, 'learning_rate': 0.0066399165129553345, 'max_depth': 16, 'min_child_weight': 4.389739393734665, 'n_estimators': 475, 'subsample': 0.9077812621470086}
Epoch : 2544: f1_weighted Score 0.814 params {'colsample_bytree': 0.3760598482933518, 'gamma': 0.25087388339755023, 'learning_rate': 0.005811445275236211, 'max_depth': 20, 'min_child_weight': 4.987387308025265, 'n_estimators': 525, 'subsample': 0.956965015510016}
Epoch : 2545: f1_weighted Score 0.809 params {'colsample_bytree': 0.3679258361896554, 'gamma': 0.8228819849293197, 'learning_rate': 0.00914245931588337, 'max_depth': 11, 'min_child_weight': 4.933317447464554, 'n_estimators': 600, 'subsample': 0.821153979489092}
Epoch : 2546: f1_weighted Score 0.814 params {'colsample_bytree': 0.39086647266450797, 'gamma': 0.7994196674454325, 'learning_rate': 0.011005354026023, 'max_depth': 11, 'min_child_weight': 5.229136043491073, 'n_estimators': 250, 'subsample': 0.837758328585998}
Epoch : 2547: f1_weighted Score 0.791 params {'colsample_bytree': 0.3006675364471973, 'gamma': 0.022371768432785242, 'learning_rate': 0.06664000124967792, 'max_depth': 19, 'min_child_weight': 4.813633644848989, 'n_estimators': 200, 'subsample': 0.8462445331565576}
Epoch : 2548: f1_weighted Score 0.810 params {'colsample_bytree': 0.32439159631078573, 'gamma': 0.016328175810279934, 'learning_rate': 0.006105260416682556, 'max_depth': 18, 'min_child_weight': 6.613319243442412, 'n_estimators': 475, 'subsample': 0.8100254667965946}
Epoch : 2549: f1_weighted Score 0.810 params {'colsample_bytree': 0.33790418367546426, 'gamma': 0.4880720534838165, 'learning_rate': 0.013846735134886835, 'max_depth': 16, 'min_child_weight': 4.882167894309017, 'n_estimators': 125, 'subsample': 0.8992883465207385}
Epoch : 2550: f1_weighted Score 0.781 params {'colsample_bytree': 0.31386352159755293, 'gamma': 0.05366523233578445, 'learning_rate': 0.13515757021837543, 'max_depth': 18, 'min_child_weight': 6.330089820467929, 'n_estimators': 475, 'subsample': 0.9589944189085569}
Epoch : 2551: f1_weighted Score 0.812 params {'colsample_bytree': 0.4029252173096634, 'gamma': 0.9602073813492226, 'learning_rate': 0.005422225982523929, 'max_depth': 6, 'min_child_weight': 6.023413732237059, 'n_estimators': 450, 'subsample': 0.996290393025082}
Epoch : 2552: f1_weighted Score 0.812 params {'colsample_bytree': 0.5765736043837986, 'gamma': 0.015642097107173115, 'learning_rate': 0.005343132006353987, 'max_depth': 11, 'min_child_weight': 5.091919952133248, 'n_estimators': 600, 'subsample': 0.8529745802674765}
Epoch : 2553: f1_weighted Score 0.810 params {'colsample_bytree': 0.8406397420096292, 'gamma': 0.09740689745629805, 'learning_rate': 0.008293275228832712, 'max_depth': 10, 'min_child_weight': 5.7509429408157855, 'n_estimators': 350, 'subsample': 0.9925696772774244}
Epoch : 2554: f1_weighted Score 0.812 params {'colsample_bytree': 0.3990742389369387, 'gamma': 0.03997992601941481, 'learning_rate': 0.006806818735553458, 'max_depth': 3, 'min_child_weight': 7.21136510219402, 'n_estimators': 400, 'subsample': 0.8420178031006028}
Epoch : 2555: f1_weighted Score 0.812 params {'colsample_bytree': 0.349578099397332, 'gamma': 0.5752364832320973, 'learning_rate': 0.014303292683947914, 'max_depth': 18, 'min_child_weight': 7.228973310018909, 'n_estimators': 175, 'subsample': 0.9547062150313961}
Epoch : 2556: f1_weighted Score 0.812 params {'colsample_bytree': 0.3847201563005233, 'gamma': 0.9314189078288981, 'learning_rate': 0.0055598904793499335, 'max_depth': 20, 'min_child_weight': 6.912724862805228, 'n_estimators': 575, 'subsample': 0.9603643513491097}
Epoch : 2557: f1_weighted Score 0.810 params {'colsample_bytree': 0.3312342096854438, 'gamma': 0.6939916175601185, 'learning_rate': 0.01089830366755555, 'max_depth': 20, 'min_child_weight': 6.187559743566444, 'n_estimators': 250, 'subsample': 0.8896566955359564}
Epoch : 2558: f1_weighted Score 0.812 params {'colsample_bytree': 0.36873082100352456, 'gamma': 0.1087728223078567, 'learning_rate': 0.0059659947261050915, 'max_depth': 20, 'min_child_weight': 5.877451353050414, 'n_estimators': 450, 'subsample': 0.9654677955535946}
Epoch : 2559: f1_weighted Score 0.814 params {'colsample_bytree': 0.42447103007753806, 'gamma': 0.04672188862860113, 'learning_rate': 0.006210832064082152, 'max_depth': 7, 'min_child_weight': 5.534744003927104, 'n_estimators': 450, 'subsample': 0.9681466736625564}
Epoch : 2560: f1_weighted Score 0.812 params {'colsample_bytree': 0.3425181531738452, 'gamma': 0.0716497998274854, 'learning_rate': 0.006545113038978325, 'max_depth': 10, 'min_child_weight': 5.946421446151302, 'n_estimators': 425, 'subsample': 0.9859162138165817}
Epoch : 2561: f1_weighted Score 0.812 params {'colsample_bytree': 0.40623845803976116, 'gamma': 0.03627747674300282, 'learning_rate': 0.005784938279238239, 'max_depth': 12, 'min_child_weight': 5.416505105859268, 'n_estimators': 450, 'subsample': 0.9995474669221632}
Epoch : 2562: f1_weighted Score 0.793 params {'colsample_bytree': 0.41113481949352987, 'gamma': 0.6727830245011839, 'learning_rate': 0.009940481454089666, 'max_depth': 8, 'min_child_weight': 4.603626405126467, 'n_estimators': 1050, 'subsample': 0.956486111850158}
Epoch : 2563: f1_weighted Score 0.810 params {'colsample_bytree': 0.3137469268350058, 'gamma': 0.12730416228438435, 'learning_rate': 0.007327740930634394, 'max_depth': 10, 'min_child_weight': 6.260035211199269, 'n_estimators': 400, 'subsample': 0.9270568843747516}
Epoch : 2564: f1_weighted Score 0.806 params {'colsample_bytree': 0.39976829798778846, 'gamma': 0.7023857134697958, 'learning_rate': 0.011847189213833919, 'max_depth': 14, 'min_child_weight': 4.2632611521387735, 'n_estimators': 150, 'subsample': 0.9367638760536049}
Epoch : 2565: f1_weighted Score 0.812 params {'colsample_bytree': 0.6639678867310115, 'gamma': 0.1901132166850979, 'learning_rate': 0.011436689557036495, 'max_depth': 12, 'min_child_weight': 5.626098434490409, 'n_estimators': 225, 'subsample': 0.933989901512704}
Epoch : 2566: f1_weighted Score 0.814 params {'colsample_bytree': 0.3562902680590701, 'gamma': 0.47260776362905565, 'learning_rate': 0.010260739843284756, 'max_depth': 16, 'min_child_weight': 4.534108929609366, 'n_estimators': 275, 'subsample': 0.9119818168511039}
Epoch : 2567: f1_weighted Score 0.814 params {'colsample_bytree': 0.36090831918502003, 'gamma': 0.45381780030294616, 'learning_rate': 0.010319183710056171, 'max_depth': 17, 'min_child_weight': 4.08178531160102, 'n_estimators': 250, 'subsample': 0.9014388755803174}
Epoch : 2568: f1_weighted Score 0.812 params {'colsample_bytree': 0.5027782348805098, 'gamma': 0.4830494027812344, 'learning_rate': 0.009564040977656708, 'max_depth': 15, 'min_child_weight': 3.9064686876685784, 'n_estimators': 250, 'subsample': 0.8938358347341386}
Epoch : 2569: f1_weighted Score 0.810 params {'colsample_bytree': 0.318117498407716, 'gamma': 0.007449073771287139, 'learning_rate': 0.0060025381793606045, 'max_depth': 20, 'min_child_weight': 6.759606501197352, 'n_estimators': 525, 'subsample': 0.8437179999245448}
Epoch : 2570: f1_weighted Score 0.812 params {'colsample_bytree': 0.429815941925703, 'gamma': 0.8783103533012762, 'learning_rate': 0.013054068261149706, 'max_depth': 9, 'min_child_weight': 5.363500433393991, 'n_estimators': 150, 'subsample': 0.93205304829859}
Epoch : 2571: f1_weighted Score 0.814 params {'colsample_bytree': 0.36139647003960546, 'gamma': 0.2797009588362257, 'learning_rate': 0.007550848990552457, 'max_depth': 18, 'min_child_weight': 6.046067535241291, 'n_estimators': 375, 'subsample': 0.9270279146920328}
Epoch : 2572: f1_weighted Score 0.812 params {'colsample_bytree': 0.3603268438037618, 'gamma': 0.3058329955387706, 'learning_rate': 0.007305704450180944, 'max_depth': 9, 'min_child_weight': 6.583509111474644, 'n_estimators': 425, 'subsample': 0.8325077027576008}
Epoch : 2573: f1_weighted Score 0.814 params {'colsample_bytree': 0.36210853984781066, 'gamma': 0.7364361931080945, 'learning_rate': 0.007917538920963196, 'max_depth': 12, 'min_child_weight': 4.803513784137582, 'n_estimators': 375, 'subsample': 0.9494942531234446}
Epoch : 2574: f1_weighted Score 0.794 params {'colsample_bytree': 0.31798708857422997, 'gamma': 0.0012953327507638699, 'learning_rate': 0.04194717651523171, 'max_depth': 12, 'min_child_weight': 6.2354833759052495, 'n_estimators': 500, 'subsample': 0.9624284824869475}
Epoch : 2575: f1_weighted Score 0.809 params {'colsample_bytree': 0.4569176825163952, 'gamma': 0.6655038082164834, 'learning_rate': 0.012755926119560765, 'max_depth': 12, 'min_child_weight': 5.2570468306882505, 'n_estimators': 300, 'subsample': 0.8881054590391793}
Epoch : 2576: f1_weighted Score 0.812 params {'colsample_bytree': 0.5079403886106105, 'gamma': 0.07612462938694219, 'learning_rate': 0.008958184043767047, 'max_depth': 8, 'min_child_weight': 4.6026642760274274, 'n_estimators': 325, 'subsample': 0.8395688247997418}
Epoch : 2577: f1_weighted Score 0.810 params {'colsample_bytree': 0.3261080881717717, 'gamma': 0.7731755604124158, 'learning_rate': 0.0076868500122722365, 'max_depth': 18, 'min_child_weight': 4.68642075775556, 'n_estimators': 325, 'subsample': 0.8628729323855359}
Epoch : 2578: f1_weighted Score 0.810 params {'colsample_bytree': 0.30937650780628845, 'gamma': 0.6693563463940743, 'learning_rate': 0.02420882318525515, 'max_depth': 12, 'min_child_weight': 5.706396878858844, 'n_estimators': 100, 'subsample': 0.939213795083487}
Epoch : 2579: f1_weighted Score 0.812 params {'colsample_bytree': 0.32741272449040587, 'gamma': 0.6396043904998763, 'learning_rate': 0.014251536790955999, 'max_depth': 11, 'min_child_weight': 6.296807947334474, 'n_estimators': 200, 'subsample': 0.9398393485551441}
Epoch : 2580: f1_weighted Score 0.812 params {'colsample_bytree': 0.46124561156939864, 'gamma': 0.8333134295558821, 'learning_rate': 0.008263983372480811, 'max_depth': 11, 'min_child_weight': 4.1083043263399555, 'n_estimators': 300, 'subsample': 0.9351722633778484}
Epoch : 2581: f1_weighted Score 0.809 params {'colsample_bytree': 0.5124328445076206, 'gamma': 0.5191156979320957, 'learning_rate': 0.007685475950369032, 'max_depth': 12, 'min_child_weight': 4.3765477480232375, 'n_estimators': 350, 'subsample': 0.9131215867887875}
Epoch : 2582: f1_weighted Score 0.814 params {'colsample_bytree': 0.34043033862392735, 'gamma': 0.43372910428343847, 'learning_rate': 0.009473522161045687, 'max_depth': 10, 'min_child_weight': 5.556948794389137, 'n_estimators': 325, 'subsample': 0.9006356154143709}
Epoch : 2583: f1_weighted Score 0.814 params {'colsample_bytree': 0.34354212512993976, 'gamma': 0.06649689572935504, 'learning_rate': 0.006661572661069877, 'max_depth': 20, 'min_child_weight': 5.0725819220052735, 'n_estimators': 350, 'subsample': 0.931859867205461}
Epoch : 2584: f1_weighted Score 0.810 params {'colsample_bytree': 0.3249648993153576, 'gamma': 0.05547676920744038, 'learning_rate': 0.0051078889008775085, 'max_depth': 14, 'min_child_weight': 6.730984434160423, 'n_estimators': 500, 'subsample': 0.9257384230085469}
Epoch : 2585: f1_weighted Score 0.812 params {'colsample_bytree': 0.3931635934690366, 'gamma': 0.6109098640288134, 'learning_rate': 0.009682382053550702, 'max_depth': 6, 'min_child_weight': 4.972805861977012, 'n_estimators': 225, 'subsample': 0.9368348533805099}
Epoch : 2586: f1_weighted Score 0.811 params {'colsample_bytree': 0.34652405119627083, 'gamma': 0.6455207995670591, 'learning_rate': 0.00862031710753717, 'max_depth': 20, 'min_child_weight': 4.7347523625744605, 'n_estimators': 350, 'subsample': 0.9924000947476178}
Epoch : 2587: f1_weighted Score 0.814 params {'colsample_bytree': 0.40313798434595755, 'gamma': 0.7418821538564218, 'learning_rate': 0.010394466373521122, 'max_depth': 11, 'min_child_weight': 5.212233229779984, 'n_estimators': 300, 'subsample': 0.9519145426092561}
Epoch : 2588: f1_weighted Score 0.812 params {'colsample_bytree': 0.5412916617399262, 'gamma': 0.14191547705416163, 'learning_rate': 0.02134115414195768, 'max_depth': 16, 'min_child_weight': 5.945183081805998, 'n_estimators': 150, 'subsample': 0.9761171871656326}
Epoch : 2589: f1_weighted Score 0.812 params {'colsample_bytree': 0.537348846802675, 'gamma': 0.1501168666214871, 'learning_rate': 0.00632377574777517, 'max_depth': 16, 'min_child_weight': 5.866979714784303, 'n_estimators': 475, 'subsample': 0.9845814666429827}
Epoch : 2590: f1_weighted Score 0.812 params {'colsample_bytree': 0.38224757328380893, 'gamma': 0.8144900928334246, 'learning_rate': 0.009517738241113044, 'max_depth': 10, 'min_child_weight': 4.55282827633942, 'n_estimators': 300, 'subsample': 0.9595958041382893}
Epoch : 2591: f1_weighted Score 0.812 params {'colsample_bytree': 0.37409780038749724, 'gamma': 0.7959200882864148, 'learning_rate': 0.007648302091569885, 'max_depth': 10, 'min_child_weight': 4.233434726901632, 'n_estimators': 375, 'subsample': 0.9563033015786051}
Epoch : 2592: f1_weighted Score 0.808 params {'colsample_bytree': 0.3667123134561971, 'gamma': 0.6210165001347231, 'learning_rate': 0.021389725056126317, 'max_depth': 11, 'min_child_weight': 4.949257353605081, 'n_estimators': 75, 'subsample': 0.9287879893954851}
Epoch : 2593: f1_weighted Score 0.810 params {'colsample_bytree': 0.8017007391487307, 'gamma': 0.04525880802505685, 'learning_rate': 0.009144175951733034, 'max_depth': 18, 'min_child_weight': 4.350015867166393, 'n_estimators': 225, 'subsample': 0.9335732449930292}
Epoch : 2594: f1_weighted Score 0.814 params {'colsample_bytree': 0.3377381736663425, 'gamma': 0.6838809735015545, 'learning_rate': 0.009909155184963762, 'max_depth': 17, 'min_child_weight': 5.737760959117627, 'n_estimators': 325, 'subsample': 0.9518660221967329}
Epoch : 2595: f1_weighted Score 0.814 params {'colsample_bytree': 0.3663603598060493, 'gamma': 0.08896332035744106, 'learning_rate': 0.008566371273793045, 'max_depth': 12, 'min_child_weight': 5.506299303660651, 'n_estimators': 325, 'subsample': 0.9296815782876919}
Epoch : 2596: f1_weighted Score 0.812 params {'colsample_bytree': 0.3732200081771849, 'gamma': 0.11715951670706576, 'learning_rate': 0.008356381368446544, 'max_depth': 12, 'min_child_weight': 5.086539700418696, 'n_estimators': 375, 'subsample': 0.9237862299156863}
Epoch : 2597: f1_weighted Score 0.810 params {'colsample_bytree': 0.300605463417998, 'gamma': 0.1158640758786006, 'learning_rate': 0.005877278893991068, 'max_depth': 13, 'min_child_weight': 4.931268327920282, 'n_estimators': 475, 'subsample': 0.9429713557817792}
Epoch : 2598: f1_weighted Score 0.810 params {'colsample_bytree': 0.30123190889762685, 'gamma': 0.6181371377940661, 'learning_rate': 0.006733282322720673, 'max_depth': 19, 'min_child_weight': 6.5343086646399415, 'n_estimators': 450, 'subsample': 0.9613324947069393}
Epoch : 2599: f1_weighted Score 0.810 params {'colsample_bytree': 0.3211845050854213, 'gamma': 0.02350784037377529, 'learning_rate': 0.00645121734744268, 'max_depth': 18, 'min_child_weight': 6.566341298108764, 'n_estimators': 475, 'subsample': 0.9582715641329308}
Epoch : 2600: f1_weighted Score 0.812 params {'colsample_bytree': 0.4270416420089728, 'gamma': 0.19293524913613466, 'learning_rate': 0.005409563023230851, 'max_depth': 6, 'min_child_weight': 5.975375463103188, 'n_estimators': 175, 'subsample': 0.9787607576387048}
Epoch : 2601: f1_weighted Score 0.810 params {'colsample_bytree': 0.4733847435701617, 'gamma': 0.4871538680954693, 'learning_rate': 0.006840832307597301, 'max_depth': 11, 'min_child_weight': 5.810865935292631, 'n_estimators': 400, 'subsample': 0.8854267798540093}
Epoch : 2602: f1_weighted Score 0.812 params {'colsample_bytree': 0.3493106010697081, 'gamma': 0.018153214476985202, 'learning_rate': 0.007179043520263247, 'max_depth': 13, 'min_child_weight': 6.045317071525034, 'n_estimators': 375, 'subsample': 0.9667985910846999}
Epoch : 2603: f1_weighted Score 0.812 params {'colsample_bytree': 0.35155542764839587, 'gamma': 0.2719765456361046, 'learning_rate': 0.006987284738255857, 'max_depth': 17, 'min_child_weight': 6.6374510120860055, 'n_estimators': 400, 'subsample': 0.9812406569513038}
Epoch : 2604: f1_weighted Score 0.810 params {'colsample_bytree': 0.3544048607758306, 'gamma': 0.16952531427170414, 'learning_rate': 0.0050242734893019515, 'max_depth': 11, 'min_child_weight': 6.052337877776626, 'n_estimators': 475, 'subsample': 0.9806110011358589}
Epoch : 2605: f1_weighted Score 0.812 params {'colsample_bytree': 0.39829565412697987, 'gamma': 0.5869283821468905, 'learning_rate': 0.008635363066310329, 'max_depth': 15, 'min_child_weight': 4.638355398620955, 'n_estimators': 300, 'subsample': 0.9103153721442235}
Epoch : 2606: f1_weighted Score 0.811 params {'colsample_bytree': 0.3517673662454175, 'gamma': 0.5091423674389101, 'learning_rate': 0.012213650260851869, 'max_depth': 11, 'min_child_weight': 5.593377617939064, 'n_estimators': 350, 'subsample': 0.8779272742621538}
Epoch : 2607: f1_weighted Score 0.812 params {'colsample_bytree': 0.3392398479656907, 'gamma': 0.2611976984602779, 'learning_rate': 0.005040883294673931, 'max_depth': 9, 'min_child_weight': 6.1854664547436125, 'n_estimators': 575, 'subsample': 0.8331690741459937}
Epoch : 2608: f1_weighted Score 0.814 params {'colsample_bytree': 0.3765855208883975, 'gamma': 0.3308009524565897, 'learning_rate': 0.010720424811060445, 'max_depth': 8, 'min_child_weight': 4.207530743831612, 'n_estimators': 275, 'subsample': 0.8359152182429355}
Epoch : 2609: f1_weighted Score 0.814 params {'colsample_bytree': 0.37547856681998143, 'gamma': 0.7766006739462584, 'learning_rate': 0.007603269085918782, 'max_depth': 7, 'min_child_weight': 6.374724915568468, 'n_estimators': 375, 'subsample': 0.9715854048478432}
Epoch : 2610: f1_weighted Score 0.814 params {'colsample_bytree': 0.44893561050936237, 'gamma': 0.029166226219538932, 'learning_rate': 0.009197242943946044, 'max_depth': 12, 'min_child_weight': 5.316372586988779, 'n_estimators': 325, 'subsample': 0.9355177244301224}
Epoch : 2611: f1_weighted Score 0.812 params {'colsample_bytree': 0.44582770025499896, 'gamma': 0.08941343544484792, 'learning_rate': 0.0050693192967501445, 'max_depth': 12, 'min_child_weight': 5.342852002432391, 'n_estimators': 275, 'subsample': 0.9336941583144384}
Epoch : 2612: f1_weighted Score 0.812 params {'colsample_bytree': 0.38303391147653165, 'gamma': 0.326940223020016, 'learning_rate': 0.01575293729955629, 'max_depth': 5, 'min_child_weight': 4.440873274952506, 'n_estimators': 150, 'subsample': 0.9299405847119452}
Epoch : 2613: f1_weighted Score 0.810 params {'colsample_bytree': 0.43620922460809997, 'gamma': 0.5507825981428752, 'learning_rate': 0.018441506791397392, 'max_depth': 15, 'min_child_weight': 3.4080391615838166, 'n_estimators': 50, 'subsample': 0.875308839589477}
Epoch : 2614: f1_weighted Score 0.811 params {'colsample_bytree': 0.3338535458419299, 'gamma': 0.19780915101650978, 'learning_rate': 0.010371265107912708, 'max_depth': 11, 'min_child_weight': 5.505185479368905, 'n_estimators': 400, 'subsample': 0.9381608371817031}
Epoch : 2615: f1_weighted Score 0.812 params {'colsample_bytree': 0.48994456975743483, 'gamma': 0.544567868157315, 'learning_rate': 0.008987523336799409, 'max_depth': 13, 'min_child_weight': 5.234645745418068, 'n_estimators': 350, 'subsample': 0.9230250258697091}
Epoch : 2616: f1_weighted Score 0.812 params {'colsample_bytree': 0.41356363625391473, 'gamma': 0.14841583166481953, 'learning_rate': 0.005746627412332525, 'max_depth': 9, 'min_child_weight': 4.824062530208668, 'n_estimators': 500, 'subsample': 0.9646879190135984}
Epoch : 2617: f1_weighted Score 0.802 params {'colsample_bytree': 0.5904487228152868, 'gamma': 0.8930583523084036, 'learning_rate': 0.012885061302131755, 'max_depth': 9, 'min_child_weight': 7.654343388398849, 'n_estimators': 700, 'subsample': 0.8085691793165958}
Epoch : 2618: f1_weighted Score 0.808 params {'colsample_bytree': 0.45413376949939777, 'gamma': 0.6159045590512477, 'learning_rate': 0.017071716980158136, 'max_depth': 19, 'min_child_weight': 3.4610101690829493, 'n_estimators': 50, 'subsample': 0.866848155000032}
Epoch : 2619: f1_weighted Score 0.812 params {'colsample_bytree': 0.476438454890883, 'gamma': 0.7652687390195122, 'learning_rate': 0.005009972161085507, 'max_depth': 20, 'min_child_weight': 5.308521432866174, 'n_estimators': 500, 'subsample': 0.9730958692713091}
Epoch : 2620: f1_weighted Score 0.799 params {'colsample_bytree': 0.38981406725254253, 'gamma': 0.5372279571489793, 'learning_rate': 0.035576632154457166, 'max_depth': 14, 'min_child_weight': 3.079055053715326, 'n_estimators': 175, 'subsample': 0.8731695435207754}
Epoch : 2621: f1_weighted Score 0.812 params {'colsample_bytree': 0.38434026161027984, 'gamma': 0.718712630961999, 'learning_rate': 0.008189938306577691, 'max_depth': 13, 'min_child_weight': 4.64638953802515, 'n_estimators': 225, 'subsample': 0.9387320196009244}
Epoch : 2622: f1_weighted Score 0.805 params {'colsample_bytree': 0.3954776021646001, 'gamma': 0.5470743345281017, 'learning_rate': 0.02440413861270828, 'max_depth': 14, 'min_child_weight': 3.408793007724851, 'n_estimators': 125, 'subsample': 0.9333962426566221}
Epoch : 2623: f1_weighted Score 0.799 params {'colsample_bytree': 0.9681537880306135, 'gamma': 0.5309432447575545, 'learning_rate': 0.007953158428476943, 'max_depth': 20, 'min_child_weight': 2.1440612334252163, 'n_estimators': 400, 'subsample': 0.8130375855071988}
Epoch : 2624: f1_weighted Score 0.808 params {'colsample_bytree': 0.4137194270071925, 'gamma': 0.28770654796647044, 'learning_rate': 0.005720344850806137, 'max_depth': 20, 'min_child_weight': 3.7847726530654553, 'n_estimators': 250, 'subsample': 0.9470478203527616}
Epoch : 2625: f1_weighted Score 0.803 params {'colsample_bytree': 0.3995609399113835, 'gamma': 0.5183627601626695, 'learning_rate': 0.005036883208450639, 'max_depth': 8, 'min_child_weight': 1.5303500421241925, 'n_estimators': 550, 'subsample': 0.8480946354665788}
Epoch : 2626: f1_weighted Score 0.805 params {'colsample_bytree': 0.4108125835946047, 'gamma': 0.8581358363917292, 'learning_rate': 0.008383541561580627, 'max_depth': 18, 'min_child_weight': 3.8241690022115047, 'n_estimators': 425, 'subsample': 0.9132562828789792}
Epoch : 2627: f1_weighted Score 0.814 params {'colsample_bytree': 0.40320389513693217, 'gamma': 0.9479980897071875, 'learning_rate': 0.01165505274951727, 'max_depth': 19, 'min_child_weight': 7.103143516854292, 'n_estimators': 325, 'subsample': 0.9717951575219786}
Epoch : 2628: f1_weighted Score 0.812 params {'colsample_bytree': 0.5238123880098079, 'gamma': 0.12096741366718117, 'learning_rate': 0.005684448496332146, 'max_depth': 6, 'min_child_weight': 7.9348076317663905, 'n_estimators': 425, 'subsample': 0.8127279743376571}
Epoch : 2629: f1_weighted Score 0.791 params {'colsample_bytree': 0.3855508579763849, 'gamma': 0.9148518058058448, 'learning_rate': 0.015286014479854655, 'max_depth': 13, 'min_child_weight': 3.739962632175999, 'n_estimators': 650, 'subsample': 0.8568491904882692}
Epoch : 2630: f1_weighted Score 0.812 params {'colsample_bytree': 0.4391564113877382, 'gamma': 0.7494649218438162, 'learning_rate': 0.005403510045375149, 'max_depth': 19, 'min_child_weight': 5.1020973512199, 'n_estimators': 425, 'subsample': 0.9546346237085754}
Epoch : 2631: f1_weighted Score 0.798 params {'colsample_bytree': 0.32695647874872297, 'gamma': 0.00705736940987893, 'learning_rate': 0.04116711734808316, 'max_depth': 3, 'min_child_weight': 6.71294010873876, 'n_estimators': 475, 'subsample': 0.9706313070818975}
Epoch : 2632: f1_weighted Score 0.812 params {'colsample_bytree': 0.358008882205471, 'gamma': 0.32040650305112117, 'learning_rate': 0.007712822182889548, 'max_depth': 13, 'min_child_weight': 6.273365458193734, 'n_estimators': 275, 'subsample': 0.9262326647976274}
Epoch : 2633: f1_weighted Score 0.809 params {'colsample_bytree': 0.42093401852831447, 'gamma': 0.14604393884797487, 'learning_rate': 0.011287878164335746, 'max_depth': 20, 'min_child_weight': 4.8296316164098485, 'n_estimators': 275, 'subsample': 0.9199609606556036}
Epoch : 2634: f1_weighted Score 0.810 params {'colsample_bytree': 0.6115896666387697, 'gamma': 0.17005379700578518, 'learning_rate': 0.007263984302599963, 'max_depth': 6, 'min_child_weight': 5.72596128331329, 'n_estimators': 375, 'subsample': 0.9081591752087598}
Epoch : 2635: f1_weighted Score 0.812 params {'colsample_bytree': 0.4430456704220696, 'gamma': 0.7449948919112899, 'learning_rate': 0.008758036822390148, 'max_depth': 13, 'min_child_weight': 4.656703054033337, 'n_estimators': 225, 'subsample': 0.9667197036903368}
Epoch : 2636: f1_weighted Score 0.812 params {'colsample_bytree': 0.368697355464887, 'gamma': 0.8280699564265808, 'learning_rate': 0.01018716279132557, 'max_depth': 9, 'min_child_weight': 8.497272299826417, 'n_estimators': 200, 'subsample': 0.8062249581007837}
Epoch : 2637: f1_weighted Score 0.810 params {'colsample_bytree': 0.36028587833033077, 'gamma': 0.7218595947369123, 'learning_rate': 0.011374604635954676, 'max_depth': 4, 'min_child_weight': 3.7331576061240934, 'n_estimators': 225, 'subsample': 0.9265417426514113}
Epoch : 2638: f1_weighted Score 0.810 params {'colsample_bytree': 0.31296477934763883, 'gamma': 0.23157452028016992, 'learning_rate': 0.005909876976096905, 'max_depth': 20, 'min_child_weight': 6.057830778943734, 'n_estimators': 500, 'subsample': 0.9994664826035309}
Epoch : 2639: f1_weighted Score 0.814 params {'colsample_bytree': 0.49479692917912343, 'gamma': 0.16457856675830296, 'learning_rate': 0.006361785024956916, 'max_depth': 20, 'min_child_weight': 5.547379942334289, 'n_estimators': 425, 'subsample': 0.9732188716858539}
Epoch : 2640: f1_weighted Score 0.812 params {'colsample_bytree': 0.41872391208294324, 'gamma': 0.1421147420544504, 'learning_rate': 0.006420986224185939, 'max_depth': 20, 'min_child_weight': 4.749476221348867, 'n_estimators': 425, 'subsample': 0.968744434090037}
Epoch : 2641: f1_weighted Score 0.812 params {'colsample_bytree': 0.42922891812738845, 'gamma': 0.48461850044203986, 'learning_rate': 0.0068947396648781365, 'max_depth': 8, 'min_child_weight': 4.458046382424804, 'n_estimators': 275, 'subsample': 0.9625483366600494}
Epoch : 2642: f1_weighted Score 0.812 params {'colsample_bytree': 0.35480728428525415, 'gamma': 0.8082102987763014, 'learning_rate': 0.007659106025206606, 'max_depth': 15, 'min_child_weight': 5.363413630757829, 'n_estimators': 400, 'subsample': 0.8041799996762762}
Epoch : 2643: f1_weighted Score 0.814 params {'colsample_bytree': 0.3671682866599743, 'gamma': 0.8377078737556418, 'learning_rate': 0.00850679433365862, 'max_depth': 7, 'min_child_weight': 4.045610061254671, 'n_estimators': 350, 'subsample': 0.817225899664237}
Epoch : 2644: f1_weighted Score 0.812 params {'colsample_bytree': 0.486293096604116, 'gamma': 0.3675399289325043, 'learning_rate': 0.01030595799098003, 'max_depth': 5, 'min_child_weight': 5.918404536708293, 'n_estimators': 325, 'subsample': 0.9475575371691142}
Epoch : 2645: f1_weighted Score 0.812 params {'colsample_bytree': 0.3610277765193888, 'gamma': 0.5942687192434222, 'learning_rate': 0.011274829390832809, 'max_depth': 16, 'min_child_weight': 3.6211783662223165, 'n_estimators': 200, 'subsample': 0.893112552087006}
Epoch : 2646: f1_weighted Score 0.812 params {'colsample_bytree': 0.4341735055088127, 'gamma': 0.7232566987622966, 'learning_rate': 0.010473646314861123, 'max_depth': 11, 'min_child_weight': 6.039660036450702, 'n_estimators': 300, 'subsample': 0.9418625367272434}
Epoch : 2647: f1_weighted Score 0.812 params {'colsample_bytree': 0.4157766054413131, 'gamma': 0.8997408739006232, 'learning_rate': 0.006611277808905423, 'max_depth': 7, 'min_child_weight': 5.612208509023927, 'n_estimators': 375, 'subsample': 0.923779067206527}
Epoch : 2648: f1_weighted Score 0.810 params {'colsample_bytree': 0.4603793065881788, 'gamma': 0.448068999860006, 'learning_rate': 0.01219004128973276, 'max_depth': 10, 'min_child_weight': 5.877925891915255, 'n_estimators': 250, 'subsample': 0.8952311312854875}
Epoch : 2649: f1_weighted Score 0.812 params {'colsample_bytree': 0.3953068637220483, 'gamma': 0.800338733369029, 'learning_rate': 0.011739324025942936, 'max_depth': 7, 'min_child_weight': 5.267532637186294, 'n_estimators': 300, 'subsample': 0.9473239666028964}
Epoch : 2650: f1_weighted Score 0.803 params {'colsample_bytree': 0.37490802395173833, 'gamma': 0.8607971862552583, 'learning_rate': 0.025148300451759715, 'max_depth': 12, 'min_child_weight': 5.486163069536676, 'n_estimators': 275, 'subsample': 0.9453027021227445}
Epoch : 2651: f1_weighted Score 0.812 params {'colsample_bytree': 0.47821814851838845, 'gamma': 0.9833784460333673, 'learning_rate': 0.01105111624234576, 'max_depth': 16, 'min_child_weight': 5.092925801284398, 'n_estimators': 225, 'subsample': 0.9032997028381788}
Epoch : 2652: f1_weighted Score 0.812 params {'colsample_bytree': 0.4005747438091774, 'gamma': 0.10074981195361304, 'learning_rate': 0.0064329434782926295, 'max_depth': 12, 'min_child_weight': 5.178109449703363, 'n_estimators': 450, 'subsample': 0.9591815061306262}
Epoch : 2653: f1_weighted Score 0.808 params {'colsample_bytree': 0.38080291832439905, 'gamma': 0.5945903932349115, 'learning_rate': 0.008988146466150902, 'max_depth': 13, 'min_child_weight': 3.877054247431421, 'n_estimators': 350, 'subsample': 0.903826062975372}
Epoch : 2654: f1_weighted Score 0.812 params {'colsample_bytree': 0.4409362497744867, 'gamma': 0.38898584134008507, 'learning_rate': 0.009651617788404275, 'max_depth': 8, 'min_child_weight': 5.888913597502632, 'n_estimators': 300, 'subsample': 0.9600710147272823}
Epoch : 2655: f1_weighted Score 0.812 params {'colsample_bytree': 0.32866539297798686, 'gamma': 0.017971101269359677, 'learning_rate': 0.012364765800807174, 'max_depth': 20, 'min_child_weight': 5.74142574873401, 'n_estimators': 325, 'subsample': 0.9653294068726992}
Epoch : 2656: f1_weighted Score 0.810 params {'colsample_bytree': 0.385137341678084, 'gamma': 0.9106891323756399, 'learning_rate': 0.018494998746092128, 'max_depth': 10, 'min_child_weight': 4.83278012137139, 'n_estimators': 100, 'subsample': 0.93998840412929}
Epoch : 2657: f1_weighted Score 0.812 params {'colsample_bytree': 0.6383461570300051, 'gamma': 0.5669780171070353, 'learning_rate': 0.009653298097054269, 'max_depth': 19, 'min_child_weight': 5.109387574740132, 'n_estimators': 250, 'subsample': 0.9295039827137695}
Epoch : 2658: f1_weighted Score 0.812 params {'colsample_bytree': 0.3951160275991195, 'gamma': 0.2981548844653885, 'learning_rate': 0.020307654732467522, 'max_depth': 7, 'min_child_weight': 6.458545877235462, 'n_estimators': 150, 'subsample': 0.9520470520860186}
Epoch : 2659: f1_weighted Score 0.810 params {'colsample_bytree': 0.3326101976317245, 'gamma': 0.4165189430234473, 'learning_rate': 0.010980412065715168, 'max_depth': 10, 'min_child_weight': 5.77246669005069, 'n_estimators': 275, 'subsample': 0.8903789494218798}
Epoch : 2660: f1_weighted Score 0.793 params {'colsample_bytree': 0.5689907129587981, 'gamma': 0.7693018680759716, 'learning_rate': 0.1942517327147493, 'max_depth': 16, 'min_child_weight': 4.9662737013277, 'n_estimators': 275, 'subsample': 0.8321665859151315}
Epoch : 2661: f1_weighted Score 0.811 params {'colsample_bytree': 0.3885876262044686, 'gamma': 0.6530510875923773, 'learning_rate': 0.009290969663367184, 'max_depth': 14, 'min_child_weight': 3.524423782921462, 'n_estimators': 350, 'subsample': 0.8011795690534916}
Epoch : 2662: f1_weighted Score 0.800 params {'colsample_bytree': 0.42197007872242626, 'gamma': 0.8769755681685989, 'learning_rate': 0.009766993552738988, 'max_depth': 15, 'min_child_weight': 4.111794376220891, 'n_estimators': 575, 'subsample': 0.9771575588421101}
Epoch : 2663: f1_weighted Score 0.812 params {'colsample_bytree': 0.3392599471754861, 'gamma': 0.21685729805728104, 'learning_rate': 0.0068888695320674705, 'max_depth': 11, 'min_child_weight': 6.196143833992329, 'n_estimators': 450, 'subsample': 0.8633774152949667}
Epoch : 2664: f1_weighted Score 0.803 params {'colsample_bytree': 0.4300426130662437, 'gamma': 0.8464299087953662, 'learning_rate': 0.01320921802810084, 'max_depth': 9, 'min_child_weight': 5.364692255812988, 'n_estimators': 400, 'subsample': 0.9978973931447354}
Epoch : 2665: f1_weighted Score 0.805 params {'colsample_bytree': 0.4695814765685047, 'gamma': 0.9593832390556257, 'learning_rate': 0.010903814615687818, 'max_depth': 5, 'min_child_weight': 5.466613891617121, 'n_estimators': 675, 'subsample': 0.8077364987546736}
Epoch : 2666: f1_weighted Score 0.812 params {'colsample_bytree': 0.40484398497416424, 'gamma': 0.9428021550333847, 'learning_rate': 0.005049358061994676, 'max_depth': 6, 'min_child_weight': 5.047223740035049, 'n_estimators': 675, 'subsample': 0.9494892599525976}
Epoch : 2667: f1_weighted Score 0.812 params {'colsample_bytree': 0.3839196789594229, 'gamma': 0.5684121396466933, 'learning_rate': 0.008637222358511136, 'max_depth': 15, 'min_child_weight': 4.779831228817985, 'n_estimators': 325, 'subsample': 0.8871321027038448}
Epoch : 2668: f1_weighted Score 0.799 params {'colsample_bytree': 0.4499251955949639, 'gamma': 0.3325592246427166, 'learning_rate': 0.013473273009668631, 'max_depth': 9, 'min_child_weight': 5.087879073817352, 'n_estimators': 500, 'subsample': 0.999295639018129}
Epoch : 2669: f1_weighted Score 0.814 params {'colsample_bytree': 0.34812659000558877, 'gamma': 0.6509209502312556, 'learning_rate': 0.012033126252099688, 'max_depth': 15, 'min_child_weight': 5.655465022834085, 'n_estimators': 250, 'subsample': 0.9063225218209476}
Epoch : 2670: f1_weighted Score 0.812 params {'colsample_bytree': 0.7076675953333522, 'gamma': 0.8401914207399566, 'learning_rate': 0.011728679073400465, 'max_depth': 13, 'min_child_weight': 7.96350739978427, 'n_estimators': 200, 'subsample': 0.8148127864614978}
Epoch : 2671: f1_weighted Score 0.814 params {'colsample_bytree': 0.3592214164618211, 'gamma': 0.7780218581543528, 'learning_rate': 0.008674065063354152, 'max_depth': 19, 'min_child_weight': 4.258374906446894, 'n_estimators': 275, 'subsample': 0.941451681661984}
Epoch : 2672: f1_weighted Score 0.814 params {'colsample_bytree': 0.3663118346807381, 'gamma': 0.7768061605688809, 'learning_rate': 0.009859977198323126, 'max_depth': 12, 'min_child_weight': 4.503676591323701, 'n_estimators': 275, 'subsample': 0.931255539057348}
Epoch : 2673: f1_weighted Score 0.812 params {'colsample_bytree': 0.3748710533506109, 'gamma': 0.0993850348009784, 'learning_rate': 0.009644245212650499, 'max_depth': 12, 'min_child_weight': 5.351687978487587, 'n_estimators': 350, 'subsample': 0.9308276546022218}
Epoch : 2674: f1_weighted Score 0.808 params {'colsample_bytree': 0.4181490426227541, 'gamma': 0.22894621740652893, 'learning_rate': 0.014516615168593327, 'max_depth': 12, 'min_child_weight': 6.3116139054929015, 'n_estimators': 400, 'subsample': 0.9194365647835411}
Epoch : 2675: f1_weighted Score 0.812 params {'colsample_bytree': 0.336263894699007, 'gamma': 0.705167303429925, 'learning_rate': 0.007966757686623005, 'max_depth': 11, 'min_child_weight': 5.991188604295248, 'n_estimators': 350, 'subsample': 0.9527908505123569}
Epoch : 2676: f1_weighted Score 0.812 params {'colsample_bytree': 0.508540154632965, 'gamma': 0.07514256168269237, 'learning_rate': 0.0061756007493290205, 'max_depth': 20, 'min_child_weight': 6.328325702644845, 'n_estimators': 475, 'subsample': 0.9779240482130104}
Epoch : 2677: f1_weighted Score 0.812 params {'colsample_bytree': 0.3446599224552452, 'gamma': 0.4225412209506871, 'learning_rate': 0.008907702513534607, 'max_depth': 19, 'min_child_weight': 3.9074923452673076, 'n_estimators': 250, 'subsample': 0.9387519084991869}
Epoch : 2678: f1_weighted Score 0.810 params {'colsample_bytree': 0.4328505821029107, 'gamma': 0.6290724876875617, 'learning_rate': 0.007848733374991163, 'max_depth': 7, 'min_child_weight': 5.685532155423326, 'n_estimators': 325, 'subsample': 0.9539818294411121}
Epoch : 2679: f1_weighted Score 0.811 params {'colsample_bytree': 0.3492923373296456, 'gamma': 0.6498008106691184, 'learning_rate': 0.01299183101014308, 'max_depth': 14, 'min_child_weight': 3.010951096959336, 'n_estimators': 200, 'subsample': 0.939609280649443}
Epoch : 2680: f1_weighted Score 0.812 params {'colsample_bytree': 0.3161562175824456, 'gamma': 0.9860150632157976, 'learning_rate': 0.017016779948244496, 'max_depth': 18, 'min_child_weight': 7.037166982549773, 'n_estimators': 200, 'subsample': 0.9576731501095268}
Epoch : 2681: f1_weighted Score 0.799 params {'colsample_bytree': 0.30201925176025674, 'gamma': 0.42237807335403715, 'learning_rate': 0.013709985480302991, 'max_depth': 8, 'min_child_weight': 4.5832488364828805, 'n_estimators': 600, 'subsample': 0.8823132410114337}
Epoch : 2682: f1_weighted Score 0.812 params {'colsample_bytree': 0.4557795544852286, 'gamma': 0.1476891375502376, 'learning_rate': 0.007319261555275781, 'max_depth': 10, 'min_child_weight': 3.779083600422255, 'n_estimators': 350, 'subsample': 0.8323698016846104}
Epoch : 2683: f1_weighted Score 0.814 params {'colsample_bytree': 0.37396215340426625, 'gamma': 0.589190355932012, 'learning_rate': 0.014385235469072487, 'max_depth': 19, 'min_child_weight': 6.095471800479257, 'n_estimators': 225, 'subsample': 0.9028119067243179}
Epoch : 2684: f1_weighted Score 0.814 params {'colsample_bytree': 0.39114422105188656, 'gamma': 0.623500658020283, 'learning_rate': 0.02000917424908487, 'max_depth': 9, 'min_child_weight': 5.522678398331934, 'n_estimators': 175, 'subsample': 0.9522973250480089}
Epoch : 2685: f1_weighted Score 0.808 params {'colsample_bytree': 0.40616320458269434, 'gamma': 0.6302401797856084, 'learning_rate': 0.01762456231565122, 'max_depth': 10, 'min_child_weight': 5.660507045499501, 'n_estimators': 75, 'subsample': 0.9529834417568839}
Epoch : 2686: f1_weighted Score 0.814 params {'colsample_bytree': 0.41502961751428813, 'gamma': 0.2446799837266265, 'learning_rate': 0.012524655797762137, 'max_depth': 17, 'min_child_weight': 5.186456967333614, 'n_estimators': 225, 'subsample': 0.9560996174928732}
Epoch : 2687: f1_weighted Score 0.812 params {'colsample_bytree': 0.36532670210652135, 'gamma': 0.8864234130502582, 'learning_rate': 0.006262657359612519, 'max_depth': 16, 'min_child_weight': 5.495028070797591, 'n_estimators': 375, 'subsample': 0.8703329634479007}
Epoch : 2688: f1_weighted Score 0.799 params {'colsample_bytree': 0.3009301420284228, 'gamma': 0.440746660620555, 'learning_rate': 0.01429973806023769, 'max_depth': 7, 'min_child_weight': 4.895427578356712, 'n_estimators': 175, 'subsample': 0.8884057752646675}
Epoch : 2689: f1_weighted Score 0.812 params {'colsample_bytree': 0.42518700280313637, 'gamma': 0.11236913825635901, 'learning_rate': 0.005556929063700699, 'max_depth': 12, 'min_child_weight': 6.2222330540298065, 'n_estimators': 450, 'subsample': 0.9896766791565157}
Epoch : 2690: f1_weighted Score 0.810 params {'colsample_bytree': 0.48814326755341386, 'gamma': 0.010309037980378483, 'learning_rate': 0.005368178336671254, 'max_depth': 6, 'min_child_weight': 6.529485255512013, 'n_estimators': 500, 'subsample': 0.9703400083780561}
Epoch : 2691: f1_weighted Score 0.812 params {'colsample_bytree': 0.4462608740882053, 'gamma': 0.7480549747852937, 'learning_rate': 0.009167452222159839, 'max_depth': 19, 'min_child_weight': 4.740053790378685, 'n_estimators': 300, 'subsample': 0.9454665937866127}
Epoch : 2692: f1_weighted Score 0.814 params {'colsample_bytree': 0.3830639176168797, 'gamma': 0.4275543486466471, 'learning_rate': 0.008263604578462133, 'max_depth': 16, 'min_child_weight': 4.363235377614602, 'n_estimators': 325, 'subsample': 0.8948640538286856}
Epoch : 2693: f1_weighted Score 0.811 params {'colsample_bytree': 0.4658554555746335, 'gamma': 0.7656412036614437, 'learning_rate': 0.008499717579694857, 'max_depth': 12, 'min_child_weight': 3.7685952857704232, 'n_estimators': 250, 'subsample': 0.9460010740743956}
Epoch : 2694: f1_weighted Score 0.797 params {'colsample_bytree': 0.40082136816425823, 'gamma': 0.34466026532780525, 'learning_rate': 0.010562625437543905, 'max_depth': 7, 'min_child_weight': 4.213400414957748, 'n_estimators': 700, 'subsample': 0.896848958241624}
Epoch : 2695: f1_weighted Score 0.811 params {'colsample_bytree': 0.46558351917758434, 'gamma': 0.9251366694072716, 'learning_rate': 0.005133232025084754, 'max_depth': 20, 'min_child_weight': 4.580028706322272, 'n_estimators': 600, 'subsample': 0.9999896201279225}
Epoch : 2696: f1_weighted Score 0.759 params {'colsample_bytree': 0.3160176973971577, 'gamma': 0.5628538229055142, 'learning_rate': 0.024552641511069558, 'max_depth': 9, 'min_child_weight': 4.904666893934748, 'n_estimators': 50, 'subsample': 0.8379707049005568}
Epoch : 2697: f1_weighted Score 0.812 params {'colsample_bytree': 0.5783811348692411, 'gamma': 0.1563557423332334, 'learning_rate': 0.005370029631267213, 'max_depth': 11, 'min_child_weight': 6.024496865778695, 'n_estimators': 550, 'subsample': 0.986859300552685}
Epoch : 2698: f1_weighted Score 0.814 params {'colsample_bytree': 0.4111416008917297, 'gamma': 0.7619962061628444, 'learning_rate': 0.009526967429221288, 'max_depth': 15, 'min_child_weight': 5.472623809628653, 'n_estimators': 300, 'subsample': 0.906114576810977}
Epoch : 2699: f1_weighted Score 0.801 params {'colsample_bytree': 0.36524930270681344, 'gamma': 0.6972329280469396, 'learning_rate': 0.0076297988137429594, 'max_depth': 18, 'min_child_weight': 5.080752041030277, 'n_estimators': 100, 'subsample': 0.9187888362642127}
Epoch : 2700: f1_weighted Score 0.791 params {'colsample_bytree': 0.3111671705331882, 'gamma': 0.5962541227818171, 'learning_rate': 0.024902030118084343, 'max_depth': 17, 'min_child_weight': 3.727150986396423, 'n_estimators': 75, 'subsample': 0.8877357214199607}
Epoch : 2701: f1_weighted Score 0.793 params {'colsample_bytree': 0.39488671710390877, 'gamma': 0.13323522114396108, 'learning_rate': 0.05268588693903649, 'max_depth': 8, 'min_child_weight': 4.751790160150756, 'n_estimators': 525, 'subsample': 0.9800647113891637}
Epoch : 2702: f1_weighted Score 0.799 params {'colsample_bytree': 0.3827661036642767, 'gamma': 0.7931807313289004, 'learning_rate': 0.011112253949717677, 'max_depth': 13, 'min_child_weight': 6.490291391654116, 'n_estimators': 1200, 'subsample': 0.9557745459160298}
Epoch : 2703: f1_weighted Score 0.812 params {'colsample_bytree': 0.3815434757451772, 'gamma': 0.7896104188246359, 'learning_rate': 0.010645982870870875, 'max_depth': 18, 'min_child_weight': 6.468347475878598, 'n_estimators': 250, 'subsample': 0.9594844582249206}
Epoch : 2704: f1_weighted Score 0.812 params {'colsample_bytree': 0.35424039822298137, 'gamma': 0.2577487823336368, 'learning_rate': 0.0053490733641626065, 'max_depth': 15, 'min_child_weight': 5.344849271418283, 'n_estimators': 625, 'subsample': 0.9724344224809814}
Epoch : 2705: f1_weighted Score 0.811 params {'colsample_bytree': 0.41520406923875036, 'gamma': 0.8091021061980298, 'learning_rate': 0.008954534557762163, 'max_depth': 14, 'min_child_weight': 3.584892340156109, 'n_estimators': 325, 'subsample': 0.8998629841666825}
Epoch : 2706: f1_weighted Score 0.812 params {'colsample_bytree': 0.3325412155643649, 'gamma': 0.540951455550092, 'learning_rate': 0.012127574023736865, 'max_depth': 17, 'min_child_weight': 6.1735448834048094, 'n_estimators': 375, 'subsample': 0.9642180149929165}
Epoch : 2707: f1_weighted Score 0.814 params {'colsample_bytree': 0.46896501486123954, 'gamma': 0.06630059008985623, 'learning_rate': 0.007864779438231835, 'max_depth': 20, 'min_child_weight': 5.754728222036668, 'n_estimators': 375, 'subsample': 0.9904019516743392}
Epoch : 2708: f1_weighted Score 0.812 params {'colsample_bytree': 0.4742386709640754, 'gamma': 0.6751643042864502, 'learning_rate': 0.01064592964894722, 'max_depth': 18, 'min_child_weight': 4.345501888861015, 'n_estimators': 225, 'subsample': 0.953701251327304}
Epoch : 2709: f1_weighted Score 0.811 params {'colsample_bytree': 0.4007440127623091, 'gamma': 0.47353571575796016, 'learning_rate': 0.00942964351442268, 'max_depth': 17, 'min_child_weight': 4.281645289480272, 'n_estimators': 325, 'subsample': 0.9570417962394809}
Epoch : 2710: f1_weighted Score 0.812 params {'colsample_bytree': 0.40985042885322165, 'gamma': 0.7133098993668459, 'learning_rate': 0.010439708681186316, 'max_depth': 8, 'min_child_weight': 4.572376224681673, 'n_estimators': 300, 'subsample': 0.9370113301861696}
Epoch : 2711: f1_weighted Score 0.812 params {'colsample_bytree': 0.625247254535915, 'gamma': 0.7542270498412293, 'learning_rate': 0.011308893983385884, 'max_depth': 16, 'min_child_weight': 4.9584045069114335, 'n_estimators': 250, 'subsample': 0.8224735163674539}
Epoch : 2712: f1_weighted Score 0.814 params {'colsample_bytree': 0.3523654593997432, 'gamma': 0.4873672620336444, 'learning_rate': 0.008091080467103176, 'max_depth': 17, 'min_child_weight': 5.439901391569156, 'n_estimators': 375, 'subsample': 0.9709062126940756}
Epoch : 2713: f1_weighted Score 0.812 params {'colsample_bytree': 0.6394221428249901, 'gamma': 0.8588768544644604, 'learning_rate': 0.009832136161586019, 'max_depth': 9, 'min_child_weight': 4.282259451214324, 'n_estimators': 275, 'subsample': 0.8173074179753711}
Epoch : 2714: f1_weighted Score 0.812 params {'colsample_bytree': 0.34626368846024785, 'gamma': 0.8111139627885706, 'learning_rate': 0.00824640589224306, 'max_depth': 14, 'min_child_weight': 9.020491442790886, 'n_estimators': 550, 'subsample': 0.8003396308061781}
Epoch : 2715: f1_weighted Score 0.814 params {'colsample_bytree': 0.35080209223104386, 'gamma': 0.5134087726918285, 'learning_rate': 0.007481911782533021, 'max_depth': 9, 'min_child_weight': 5.239165860795918, 'n_estimators': 375, 'subsample': 0.8959061582481397}
Epoch : 2716: f1_weighted Score 0.810 params {'colsample_bytree': 0.4118105907059779, 'gamma': 0.24880020841609507, 'learning_rate': 0.005700572801059588, 'max_depth': 7, 'min_child_weight': 5.329172260975846, 'n_estimators': 425, 'subsample': 0.9295558554807626}
Epoch : 2717: f1_weighted Score 0.810 params {'colsample_bytree': 0.3269571483148846, 'gamma': 0.4748850189548739, 'learning_rate': 0.008973195183557119, 'max_depth': 17, 'min_child_weight': 4.453310198727037, 'n_estimators': 300, 'subsample': 0.914277161432216}
Epoch : 2718: f1_weighted Score 0.808 params {'colsample_bytree': 0.39050608618833976, 'gamma': 0.5765312488320761, 'learning_rate': 0.005911408975794948, 'max_depth': 20, 'min_child_weight': 4.77605074318281, 'n_estimators': 650, 'subsample': 0.9164330159913502}
Epoch : 2719: f1_weighted Score 0.814 params {'colsample_bytree': 0.4476240646368143, 'gamma': 0.6688992438338583, 'learning_rate': 0.007211666950233096, 'max_depth': 16, 'min_child_weight': 5.127765398448396, 'n_estimators': 400, 'subsample': 0.9167795957446973}
Epoch : 2720: f1_weighted Score 0.812 params {'colsample_bytree': 0.36988015916590095, 'gamma': 0.6458068233291597, 'learning_rate': 0.007011542916034575, 'max_depth': 11, 'min_child_weight': 5.572373086691881, 'n_estimators': 400, 'subsample': 0.8807041080015975}
Epoch : 2721: f1_weighted Score 0.812 params {'colsample_bytree': 0.3901756653496175, 'gamma': 0.7239532260785704, 'learning_rate': 0.00898997776577905, 'max_depth': 19, 'min_child_weight': 4.148572826187157, 'n_estimators': 275, 'subsample': 0.9318199344332344}
Epoch : 2722: f1_weighted Score 0.810 params {'colsample_bytree': 0.5209508851308927, 'gamma': 0.09931654211017817, 'learning_rate': 0.006134694812292464, 'max_depth': 19, 'min_child_weight': 5.77496486327852, 'n_estimators': 425, 'subsample': 0.9765070556098726}
Epoch : 2723: f1_weighted Score 0.812 params {'colsample_bytree': 0.4704772523611262, 'gamma': 0.5727972618801903, 'learning_rate': 0.011319586581269456, 'max_depth': 17, 'min_child_weight': 4.814927518336009, 'n_estimators': 250, 'subsample': 0.909873301959481}
Epoch : 2724: f1_weighted Score 0.812 params {'colsample_bytree': 0.4410717732598151, 'gamma': 0.6917146954659193, 'learning_rate': 0.010110872100579133, 'max_depth': 15, 'min_child_weight': 5.882385227702135, 'n_estimators': 300, 'subsample': 0.9861342978998643}
Epoch : 2725: f1_weighted Score 0.810 params {'colsample_bytree': 0.3156246636203389, 'gamma': 0.1921142735490182, 'learning_rate': 0.00665138447445324, 'max_depth': 20, 'min_child_weight': 5.789635908335597, 'n_estimators': 450, 'subsample': 0.9769071430030856}
Epoch : 2726: f1_weighted Score 0.812 params {'colsample_bytree': 0.44769142602430967, 'gamma': 0.1812110621807772, 'learning_rate': 0.005672004783356257, 'max_depth': 12, 'min_child_weight': 5.576713465041972, 'n_estimators': 525, 'subsample': 0.9946335702139156}
Epoch : 2727: f1_weighted Score 0.814 params {'colsample_bytree': 0.5203797230356769, 'gamma': 0.14685552370344654, 'learning_rate': 0.006350284447888819, 'max_depth': 20, 'min_child_weight': 5.161218040112467, 'n_estimators': 475, 'subsample': 0.832570846910711}
Epoch : 2728: f1_weighted Score 0.814 params {'colsample_bytree': 0.3604537680971449, 'gamma': 0.8035341739622569, 'learning_rate': 0.009082178198729767, 'max_depth': 11, 'min_child_weight': 5.027111012760726, 'n_estimators': 350, 'subsample': 0.9474962386497813}
Epoch : 2729: f1_weighted Score 0.812 params {'colsample_bytree': 0.4067151015546553, 'gamma': 0.7799289691447839, 'learning_rate': 0.010166297280161479, 'max_depth': 12, 'min_child_weight': 4.524923412838162, 'n_estimators': 225, 'subsample': 0.9493846031591053}
Epoch : 2730: f1_weighted Score 0.812 params {'colsample_bytree': 0.5565987836783179, 'gamma': 0.7904816474677319, 'learning_rate': 0.007086667425198408, 'max_depth': 20, 'min_child_weight': 4.852747297539578, 'n_estimators': 350, 'subsample': 0.8184335763399103}
Epoch : 2731: f1_weighted Score 0.812 params {'colsample_bytree': 0.5384185375936422, 'gamma': 0.8000128143885203, 'learning_rate': 0.007817663570621983, 'max_depth': 19, 'min_child_weight': 4.567583274997125, 'n_estimators': 400, 'subsample': 0.8209338260918924}
Epoch : 2732: f1_weighted Score 0.803 params {'colsample_bytree': 0.3379802484469924, 'gamma': 0.7302635724507297, 'learning_rate': 0.007364583028343861, 'max_depth': 20, 'min_child_weight': 6.8348673454137545, 'n_estimators': 175, 'subsample': 0.962254994510245}
Epoch : 2733: f1_weighted Score 0.814 params {'colsample_bytree': 0.437249703362379, 'gamma': 0.051712277458372244, 'learning_rate': 0.007282676950459218, 'max_depth': 6, 'min_child_weight': 5.614954571620314, 'n_estimators': 375, 'subsample': 0.9507845275513293}
Epoch : 2734: f1_weighted Score 0.809 params {'colsample_bytree': 0.3692953557295239, 'gamma': 0.8371581443021923, 'learning_rate': 0.010191409887707772, 'max_depth': 10, 'min_child_weight': 4.668320446947277, 'n_estimators': 600, 'subsample': 0.8207998341206041}
Epoch : 2735: f1_weighted Score 0.812 params {'colsample_bytree': 0.39332172327076553, 'gamma': 0.814211238875928, 'learning_rate': 0.008732431135285984, 'max_depth': 9, 'min_child_weight': 6.373946580839785, 'n_estimators': 350, 'subsample': 0.8772959085496121}
Epoch : 2736: f1_weighted Score 0.812 params {'colsample_bytree': 0.48445721573296735, 'gamma': 0.7228263801417809, 'learning_rate': 0.012372615871405914, 'max_depth': 7, 'min_child_weight': 4.91517879668123, 'n_estimators': 200, 'subsample': 0.9154829982216556}
Epoch : 2737: f1_weighted Score 0.812 params {'colsample_bytree': 0.49744960418596124, 'gamma': 0.7138053889170993, 'learning_rate': 0.011741269408150132, 'max_depth': 7, 'min_child_weight': 4.846066607060567, 'n_estimators': 200, 'subsample': 0.9174126460113923}
Epoch : 2738: f1_weighted Score 0.812 params {'colsample_bytree': 0.3897825434441184, 'gamma': 0.8846957747664425, 'learning_rate': 0.014959877578826162, 'max_depth': 18, 'min_child_weight': 6.5296312284557665, 'n_estimators': 150, 'subsample': 0.9625041448407862}
Epoch : 2739: f1_weighted Score 0.812 params {'colsample_bytree': 0.347560486107588, 'gamma': 0.8765928762478561, 'learning_rate': 0.00874899450820827, 'max_depth': 18, 'min_child_weight': 4.025582432058382, 'n_estimators': 300, 'subsample': 0.8044683865096923}
Epoch : 2740: f1_weighted Score 0.814 params {'colsample_bytree': 0.42714358146452974, 'gamma': 0.17383155777677012, 'learning_rate': 0.009284037145011468, 'max_depth': 19, 'min_child_weight': 5.0277665150423445, 'n_estimators': 325, 'subsample': 0.9434409228626204}
Epoch : 2741: f1_weighted Score 0.814 params {'colsample_bytree': 0.4409836208601977, 'gamma': 0.19023521756068223, 'learning_rate': 0.0062894663448996024, 'max_depth': 19, 'min_child_weight': 5.429864954165627, 'n_estimators': 450, 'subsample': 0.9412580731812835}
Epoch : 2742: f1_weighted Score 0.814 params {'colsample_bytree': 0.3677410768544217, 'gamma': 0.21856169162156858, 'learning_rate': 0.01108267135973105, 'max_depth': 20, 'min_child_weight': 5.8943499165969735, 'n_estimators': 275, 'subsample': 0.9415192515573035}
Epoch : 2743: f1_weighted Score 0.812 params {'colsample_bytree': 0.3689055299797015, 'gamma': 0.22802812337565836, 'learning_rate': 0.011015922847902213, 'max_depth': 17, 'min_child_weight': 6.024648287895395, 'n_estimators': 250, 'subsample': 0.9447696467337919}
Epoch : 2744: f1_weighted Score 0.812 params {'colsample_bytree': 0.49865219691959695, 'gamma': 0.9030953107964947, 'learning_rate': 0.005213117330253499, 'max_depth': 10, 'min_child_weight': 7.741349227087789, 'n_estimators': 625, 'subsample': 0.8007701542295483}
Epoch : 2745: f1_weighted Score 0.812 params {'colsample_bytree': 0.4070340254350592, 'gamma': 0.7537626307071975, 'learning_rate': 0.011725693869866043, 'max_depth': 20, 'min_child_weight': 6.326275401986775, 'n_estimators': 275, 'subsample': 0.9526726822201971}
Epoch : 2746: f1_weighted Score 0.808 params {'colsample_bytree': 0.3743065459859474, 'gamma': 0.6947331587717607, 'learning_rate': 0.018901794393578964, 'max_depth': 19, 'min_child_weight': 4.7102952572115475, 'n_estimators': 200, 'subsample': 0.9543205407090023}
Epoch : 2747: f1_weighted Score 0.814 params {'colsample_bytree': 0.3670753694554161, 'gamma': 0.6007946314387196, 'learning_rate': 0.0076008293851337425, 'max_depth': 15, 'min_child_weight': 3.9868965874758118, 'n_estimators': 325, 'subsample': 0.8944602164671575}
Epoch : 2748: f1_weighted Score 0.812 params {'colsample_bytree': 0.45941168233492274, 'gamma': 0.5400366719045541, 'learning_rate': 0.006496380164278361, 'max_depth': 15, 'min_child_weight': 5.240741766031098, 'n_estimators': 425, 'subsample': 0.8983557966256012}
Epoch : 2749: f1_weighted Score 0.812 params {'colsample_bytree': 0.4621851050698519, 'gamma': 0.09072557637154217, 'learning_rate': 0.005000720774433892, 'max_depth': 16, 'min_child_weight': 5.332478910719534, 'n_estimators': 425, 'subsample': 0.9013131928154048}
Epoch : 2750: f1_weighted Score 0.812 params {'colsample_bytree': 0.4587504303742448, 'gamma': 0.6098198997083272, 'learning_rate': 0.009393057515564235, 'max_depth': 15, 'min_child_weight': 5.1757190003022355, 'n_estimators': 300, 'subsample': 0.9582650335066031}
Epoch : 2751: f1_weighted Score 0.811 params {'colsample_bytree': 0.3968694442417816, 'gamma': 0.655293603030915, 'learning_rate': 0.012638507744621014, 'max_depth': 6, 'min_child_weight': 5.712175574034127, 'n_estimators': 325, 'subsample': 0.9190549862295452}
Epoch : 2752: f1_weighted Score 0.809 params {'colsample_bytree': 0.4116443110369672, 'gamma': 0.7841596012959006, 'learning_rate': 0.005914945805446148, 'max_depth': 12, 'min_child_weight': 3.3991362943714405, 'n_estimators': 500, 'subsample': 0.8284410130276603}
Epoch : 2753: f1_weighted Score 0.812 params {'colsample_bytree': 0.3931273016132877, 'gamma': 0.24398134108938013, 'learning_rate': 0.010074913828747757, 'max_depth': 5, 'min_child_weight': 4.111391947874244, 'n_estimators': 300, 'subsample': 0.9207489231699563}
Epoch : 2754: f1_weighted Score 0.812 params {'colsample_bytree': 0.3363904136040358, 'gamma': 0.47400494248793884, 'learning_rate': 0.019347324277127795, 'max_depth': 7, 'min_child_weight': 5.0014071627522005, 'n_estimators': 125, 'subsample': 0.9880907730343113}
Epoch : 2755: f1_weighted Score 0.812 params {'colsample_bytree': 0.48157691742736025, 'gamma': 0.5276603100979322, 'learning_rate': 0.008116290542481048, 'max_depth': 15, 'min_child_weight': 4.126850930229482, 'n_estimators': 300, 'subsample': 0.8825696248745285}
Epoch : 2756: f1_weighted Score 0.812 params {'colsample_bytree': 0.3492437034020911, 'gamma': 0.7610487232041733, 'learning_rate': 0.006968828654967897, 'max_depth': 18, 'min_child_weight': 5.546301181122058, 'n_estimators': 400, 'subsample': 0.9827564297749294}
Epoch : 2757: f1_weighted Score 0.812 params {'colsample_bytree': 0.3821677437186458, 'gamma': 0.762594730625336, 'learning_rate': 0.010058787012610754, 'max_depth': 10, 'min_child_weight': 3.243509604080393, 'n_estimators': 250, 'subsample': 0.8137146123200047}
Epoch : 2758: f1_weighted Score 0.810 params {'colsample_bytree': 0.4234148277409163, 'gamma': 0.8206092182281947, 'learning_rate': 0.007867316667752148, 'max_depth': 10, 'min_child_weight': 5.9131087786340295, 'n_estimators': 375, 'subsample': 0.990809480259607}
Epoch : 2759: f1_weighted Score 0.814 params {'colsample_bytree': 0.35525854951774644, 'gamma': 0.6899789497599899, 'learning_rate': 0.0071537861755655175, 'max_depth': 19, 'min_child_weight': 4.632301669006232, 'n_estimators': 400, 'subsample': 0.9127851306943897}
Epoch : 2760: f1_weighted Score 0.810 params {'colsample_bytree': 0.32660291438351147, 'gamma': 0.8511564580630179, 'learning_rate': 0.008095026480078173, 'max_depth': 19, 'min_child_weight': 6.192196528512456, 'n_estimators': 350, 'subsample': 0.9835700813920535}
Epoch : 2761: f1_weighted Score 0.812 params {'colsample_bytree': 0.3741786205305706, 'gamma': 0.6812439547696483, 'learning_rate': 0.01609946998759836, 'max_depth': 9, 'min_child_weight': 6.399921398935346, 'n_estimators': 150, 'subsample': 0.9469845337736797}
Epoch : 2762: f1_weighted Score 0.809 params {'colsample_bytree': 0.6792854612529593, 'gamma': 0.20492840916229657, 'learning_rate': 0.007753783547417717, 'max_depth': 9, 'min_child_weight': 4.424506223720558, 'n_estimators': 400, 'subsample': 0.8041730446217231}
Epoch : 2763: f1_weighted Score 0.812 params {'colsample_bytree': 0.33399915427826116, 'gamma': 0.6706230319530372, 'learning_rate': 0.011661405988366198, 'max_depth': 15, 'min_child_weight': 5.245506514270386, 'n_estimators': 225, 'subsample': 0.9372685285344944}
Epoch : 2764: f1_weighted Score 0.798 params {'colsample_bytree': 0.35463639817826675, 'gamma': 0.5988614226674559, 'learning_rate': 0.03681363055738182, 'max_depth': 19, 'min_child_weight': 7.030680051847113, 'n_estimators': 575, 'subsample': 0.9571838113809552}
Epoch : 2765: f1_weighted Score 0.814 params {'colsample_bytree': 0.3833638627744564, 'gamma': 0.471085388420326, 'learning_rate': 0.008695314485769524, 'max_depth': 9, 'min_child_weight': 4.4964199205224755, 'n_estimators': 325, 'subsample': 0.9010971739924125}
Epoch : 2766: f1_weighted Score 0.811 params {'colsample_bytree': 0.5953276002766912, 'gamma': 0.11108542061339272, 'learning_rate': 0.0069500342179362054, 'max_depth': 9, 'min_child_weight': 4.469516303356112, 'n_estimators': 375, 'subsample': 0.8452970526077207}
Epoch : 2767: f1_weighted Score 0.812 params {'colsample_bytree': 0.4026096834431785, 'gamma': 0.9094455842749519, 'learning_rate': 0.01230413082220571, 'max_depth': 9, 'min_child_weight': 4.134586945994986, 'n_estimators': 300, 'subsample': 0.8790584807238921}
Epoch : 2768: f1_weighted Score 0.812 params {'colsample_bytree': 0.3574429636044296, 'gamma': 0.4575555470017777, 'learning_rate': 0.008444450579030666, 'max_depth': 16, 'min_child_weight': 4.053864922435414, 'n_estimators': 275, 'subsample': 0.8798456417480286}
Epoch : 2769: f1_weighted Score 0.810 params {'colsample_bytree': 0.3333247311961941, 'gamma': 0.05001263843738331, 'learning_rate': 0.005688825909072586, 'max_depth': 20, 'min_child_weight': 4.797075502180172, 'n_estimators': 575, 'subsample': 0.9573796152271298}
Epoch : 2770: f1_weighted Score 0.811 params {'colsample_bytree': 0.41478328167280626, 'gamma': 0.8224490800761268, 'learning_rate': 0.008453897220057448, 'max_depth': 16, 'min_child_weight': 3.737406645323695, 'n_estimators': 275, 'subsample': 0.9686557733734031}
Epoch : 2771: f1_weighted Score 0.812 params {'colsample_bytree': 0.4277196104395453, 'gamma': 0.1249775430489147, 'learning_rate': 0.006962248073278246, 'max_depth': 5, 'min_child_weight': 4.390100906660789, 'n_estimators': 350, 'subsample': 0.931417878024393}
Epoch : 2772: f1_weighted Score 0.812 params {'colsample_bytree': 0.35996549019728385, 'gamma': 0.28854577752825855, 'learning_rate': 0.00760978495376471, 'max_depth': 10, 'min_child_weight': 7.911003731030053, 'n_estimators': 375, 'subsample': 0.8541052096528251}
Epoch : 2773: f1_weighted Score 0.782 params {'colsample_bytree': 0.30245485879055534, 'gamma': 0.9352776098382681, 'learning_rate': 0.09560230339918749, 'max_depth': 17, 'min_child_weight': 4.755606697516464, 'n_estimators': 550, 'subsample': 0.965140361727126}
Epoch : 2774: f1_weighted Score 0.812 params {'colsample_bytree': 0.3837440531771855, 'gamma': 0.5645190113803317, 'learning_rate': 0.008212870811402633, 'max_depth': 16, 'min_child_weight': 4.977079548185481, 'n_estimators': 325, 'subsample': 0.889683184402677}
Epoch : 2775: f1_weighted Score 0.804 params {'colsample_bytree': 0.3215237569682417, 'gamma': 0.4478532677150325, 'learning_rate': 0.007461327773741825, 'max_depth': 17, 'min_child_weight': 4.506186419151688, 'n_estimators': 275, 'subsample': 0.9227689037983293}
Epoch : 2776: f1_weighted Score 0.812 params {'colsample_bytree': 0.36930987711516344, 'gamma': 0.5867096906676462, 'learning_rate': 0.007296706421981767, 'max_depth': 17, 'min_child_weight': 6.083012304481405, 'n_estimators': 375, 'subsample': 0.9626875649278381}
Epoch : 2777: f1_weighted Score 0.812 params {'colsample_bytree': 0.34088124879815684, 'gamma': 0.9655984536392123, 'learning_rate': 0.005051829050110344, 'max_depth': 6, 'min_child_weight': 7.3477968764603725, 'n_estimators': 525, 'subsample': 0.9347724345908272}
Epoch : 2778: f1_weighted Score 0.812 params {'colsample_bytree': 0.3406660959089371, 'gamma': 0.8589876811654507, 'learning_rate': 0.006593686109069626, 'max_depth': 11, 'min_child_weight': 5.260436322896837, 'n_estimators': 450, 'subsample': 0.8494105202470746}
Epoch : 2779: f1_weighted Score 0.812 params {'colsample_bytree': 0.4141140982065247, 'gamma': 0.8379278917299382, 'learning_rate': 0.0190061697990015, 'max_depth': 9, 'min_child_weight': 3.9519003704766975, 'n_estimators': 150, 'subsample': 0.8357002796226644}
Epoch : 2780: f1_weighted Score 0.814 params {'colsample_bytree': 0.40060338433013787, 'gamma': 0.5586707111980579, 'learning_rate': 0.006700476475534723, 'max_depth': 15, 'min_child_weight': 5.1382688336324005, 'n_estimators': 425, 'subsample': 0.9735377781814006}
Epoch : 2781: f1_weighted Score 0.808 params {'colsample_bytree': 0.3556806755332304, 'gamma': 0.42752443767961706, 'learning_rate': 0.009633586522944533, 'max_depth': 14, 'min_child_weight': 3.488900163612214, 'n_estimators': 325, 'subsample': 0.9116151470044331}
Epoch : 2782: f1_weighted Score 0.810 params {'colsample_bytree': 0.4498512959354369, 'gamma': 0.5163939830634315, 'learning_rate': 0.013945664951876055, 'max_depth': 9, 'min_child_weight': 6.637373957700119, 'n_estimators': 225, 'subsample': 0.8672197665025825}
Epoch : 2783: f1_weighted Score 0.814 params {'colsample_bytree': 0.39364674225415375, 'gamma': 0.20344159465349623, 'learning_rate': 0.01266111276998668, 'max_depth': 17, 'min_child_weight': 5.035880586272747, 'n_estimators': 225, 'subsample': 0.9602471475641267}
Epoch : 2784: f1_weighted Score 0.812 params {'colsample_bytree': 0.5384936264307227, 'gamma': 0.159890059529856, 'learning_rate': 0.006399366410310641, 'max_depth': 20, 'min_child_weight': 4.926931138744236, 'n_estimators': 425, 'subsample': 0.95031671994319}
Epoch : 2785: f1_weighted Score 0.810 params {'colsample_bytree': 0.3193500245064414, 'gamma': 0.03643554453039902, 'learning_rate': 0.007754059350014066, 'max_depth': 13, 'min_child_weight': 5.306766029094895, 'n_estimators': 375, 'subsample': 0.9512091106025247}
Epoch : 2786: f1_weighted Score 0.784 params {'colsample_bytree': 0.32043313365807913, 'gamma': 0.4595864733522746, 'learning_rate': 0.015513439843865589, 'max_depth': 17, 'min_child_weight': 4.148610103873454, 'n_estimators': 100, 'subsample': 0.9071783182397879}
Epoch : 2787: f1_weighted Score 0.812 params {'colsample_bytree': 0.41919852181322637, 'gamma': 0.7765442785950383, 'learning_rate': 0.007546709970609832, 'max_depth': 8, 'min_child_weight': 3.906331349763124, 'n_estimators': 225, 'subsample': 0.9546247881812655}
Epoch : 2788: f1_weighted Score 0.810 params {'colsample_bytree': 0.3086799672513163, 'gamma': 0.20855490575302665, 'learning_rate': 0.008582500244636665, 'max_depth': 16, 'min_child_weight': 5.344188265353812, 'n_estimators': 400, 'subsample': 0.9054865223115489}
Epoch : 2789: f1_weighted Score 0.814 params {'colsample_bytree': 0.42234671231902415, 'gamma': 0.2656419414555041, 'learning_rate': 0.013348104596494919, 'max_depth': 17, 'min_child_weight': 5.4079457398946245, 'n_estimators': 200, 'subsample': 0.9225845869788047}
Epoch : 2790: f1_weighted Score 0.812 params {'colsample_bytree': 0.4278171568351106, 'gamma': 0.17447159033558793, 'learning_rate': 0.006784481307570872, 'max_depth': 8, 'min_child_weight': 5.465977684774832, 'n_estimators': 450, 'subsample': 0.9466280009520331}
Epoch : 2791: f1_weighted Score 0.806 params {'colsample_bytree': 0.32607913502989005, 'gamma': 0.4094787909546811, 'learning_rate': 0.007363619195719231, 'max_depth': 7, 'min_child_weight': 4.045914653407608, 'n_estimators': 350, 'subsample': 0.9047397862179772}
Epoch : 2792: f1_weighted Score 0.812 params {'colsample_bytree': 0.47476622175075534, 'gamma': 0.6752187049926648, 'learning_rate': 0.009864410004917829, 'max_depth': 5, 'min_child_weight': 4.260515359308786, 'n_estimators': 250, 'subsample': 0.8118296287109368}
Epoch : 2793: f1_weighted Score 0.809 params {'colsample_bytree': 0.3449738712418849, 'gamma': 0.21672966372331043, 'learning_rate': 0.009639332198993667, 'max_depth': 16, 'min_child_weight': 3.734511632012832, 'n_estimators': 300, 'subsample': 0.992702305981725}
Epoch : 2794: f1_weighted Score 0.814 params {'colsample_bytree': 0.38050291870029657, 'gamma': 0.8665150263991577, 'learning_rate': 0.006403131138741793, 'max_depth': 8, 'min_child_weight': 5.120352107447566, 'n_estimators': 475, 'subsample': 0.8410447636172653}
Epoch : 2795: f1_weighted Score 0.812 params {'colsample_bytree': 0.35726708662642764, 'gamma': 0.7879145050221051, 'learning_rate': 0.01102832810284263, 'max_depth': 10, 'min_child_weight': 7.393377199448647, 'n_estimators': 250, 'subsample': 0.8070627913775417}
Epoch : 2796: f1_weighted Score 0.812 params {'colsample_bytree': 0.4447840306840594, 'gamma': 0.39548732309934836, 'learning_rate': 0.007016662206590183, 'max_depth': 10, 'min_child_weight': 4.7687225756400515, 'n_estimators': 325, 'subsample': 0.9378729766275035}
Epoch : 2797: f1_weighted Score 0.810 params {'colsample_bytree': 0.43838740011633137, 'gamma': 0.8835243276517181, 'learning_rate': 0.007828305925518331, 'max_depth': 7, 'min_child_weight': 6.627689102057221, 'n_estimators': 350, 'subsample': 0.9679516536946942}
Epoch : 2798: f1_weighted Score 0.809 params {'colsample_bytree': 0.40310716232419525, 'gamma': 0.6221469441065006, 'learning_rate': 0.00824794720087748, 'max_depth': 14, 'min_child_weight': 4.60882182814846, 'n_estimators': 425, 'subsample': 0.910279089322321}
Epoch : 2799: f1_weighted Score 0.814 params {'colsample_bytree': 0.43001532922283026, 'gamma': 0.30632772882774206, 'learning_rate': 0.007880904409072265, 'max_depth': 8, 'min_child_weight': 5.259567094640964, 'n_estimators': 350, 'subsample': 0.9624671539504891}
Epoch : 2800: f1_weighted Score 0.812 params {'colsample_bytree': 0.40955848774060943, 'gamma': 0.9287065446576377, 'learning_rate': 0.0077994339257952345, 'max_depth': 8, 'min_child_weight': 5.6598929592302625, 'n_estimators': 375, 'subsample': 0.9617900338239422}
Epoch : 2801: f1_weighted Score 0.812 params {'colsample_bytree': 0.40753331930996467, 'gamma': 0.7508008232054079, 'learning_rate': 0.008251141476914298, 'max_depth': 20, 'min_child_weight': 5.48063983754863, 'n_estimators': 275, 'subsample': 0.9495818543531155}
Epoch : 2802: f1_weighted Score 0.812 params {'colsample_bytree': 0.3492855480015834, 'gamma': 0.893662991087804, 'learning_rate': 0.009323212153009318, 'max_depth': 18, 'min_child_weight': 5.820388614947149, 'n_estimators': 350, 'subsample': 0.9901004749914305}
Epoch : 2803: f1_weighted Score 0.803 params {'colsample_bytree': 0.4568865980018157, 'gamma': 0.5487220752180709, 'learning_rate': 0.009323210794326369, 'max_depth': 12, 'min_child_weight': 2.729332938151797, 'n_estimators': 375, 'subsample': 0.8728101831802053}
Epoch : 2804: f1_weighted Score 0.812 params {'colsample_bytree': 0.42986110706318154, 'gamma': 0.7368502876138869, 'learning_rate': 0.011000572796799014, 'max_depth': 17, 'min_child_weight': 4.419469466136149, 'n_estimators': 250, 'subsample': 0.9823884761774274}
Epoch : 2805: f1_weighted Score 0.812 params {'colsample_bytree': 0.6513655162493273, 'gamma': 0.8391679849959561, 'learning_rate': 0.005967514865700502, 'max_depth': 12, 'min_child_weight': 5.514401411308041, 'n_estimators': 575, 'subsample': 0.818502962562888}
Epoch : 2806: f1_weighted Score 0.811 params {'colsample_bytree': 0.5543377600122876, 'gamma': 0.14746773354170775, 'learning_rate': 0.006839724809082445, 'max_depth': 16, 'min_child_weight': 4.9160046172108585, 'n_estimators': 400, 'subsample': 0.9836531287394938}
Epoch : 2807: f1_weighted Score 0.814 params {'colsample_bytree': 0.387907670313697, 'gamma': 0.28635803949550204, 'learning_rate': 0.007826165183878566, 'max_depth': 19, 'min_child_weight': 4.718499485391675, 'n_estimators': 350, 'subsample': 0.905268547776713}
Epoch : 2808: f1_weighted Score 0.810 params {'colsample_bytree': 0.3023453162345547, 'gamma': 0.6363085005951182, 'learning_rate': 0.00842580260282953, 'max_depth': 16, 'min_child_weight': 4.662437935459836, 'n_estimators': 300, 'subsample': 0.914281261470371}
Epoch : 2809: f1_weighted Score 0.812 params {'colsample_bytree': 0.4206572385362157, 'gamma': 0.2642221117937398, 'learning_rate': 0.005855005058809368, 'max_depth': 19, 'min_child_weight': 4.5611647342748975, 'n_estimators': 475, 'subsample': 0.9050280408301952}
Epoch : 2810: f1_weighted Score 0.814 params {'colsample_bytree': 0.40055419754273397, 'gamma': 0.5759102178273264, 'learning_rate': 0.007325786308846139, 'max_depth': 9, 'min_child_weight': 4.849561553245083, 'n_estimators': 400, 'subsample': 0.9443763145615817}
Epoch : 2811: f1_weighted Score 0.812 params {'colsample_bytree': 0.3884379807794419, 'gamma': 0.599169042175426, 'learning_rate': 0.015395289037671197, 'max_depth': 18, 'min_child_weight': 6.591243969159284, 'n_estimators': 200, 'subsample': 0.9424345877221627}
Epoch : 2812: f1_weighted Score 0.797 params {'colsample_bytree': 0.37662373680710826, 'gamma': 0.8336517315214415, 'learning_rate': 0.009267606338649438, 'max_depth': 13, 'min_child_weight': 2.4468941301169584, 'n_estimators': 700, 'subsample': 0.8731268530504113}
Epoch : 2813: f1_weighted Score 0.803 params {'colsample_bytree': 0.3504526055760965, 'gamma': 0.6616835199441128, 'learning_rate': 0.01023520337264402, 'max_depth': 13, 'min_child_weight': 5.601818807053341, 'n_estimators': 725, 'subsample': 0.8984695427412508}
Epoch : 2814: f1_weighted Score 0.802 params {'colsample_bytree': 0.37329442161067466, 'gamma': 0.27208532215149034, 'learning_rate': 0.010524260326064763, 'max_depth': 13, 'min_child_weight': 5.027592575511653, 'n_estimators': 750, 'subsample': 0.8111497696660147}
Epoch : 2815: f1_weighted Score 0.805 params {'colsample_bytree': 0.3765768783923071, 'gamma': 0.26639401906268567, 'learning_rate': 0.010877911164470191, 'max_depth': 13, 'min_child_weight': 4.962209346227518, 'n_estimators': 625, 'subsample': 0.8096001023654351}
Epoch : 2816: f1_weighted Score 0.809 params {'colsample_bytree': 0.37328245773570956, 'gamma': 0.2528116192668758, 'learning_rate': 0.009813885559528989, 'max_depth': 14, 'min_child_weight': 8.755680154954188, 'n_estimators': 750, 'subsample': 0.8104632960661223}
Epoch : 2817: f1_weighted Score 0.810 params {'colsample_bytree': 0.3135872977577017, 'gamma': 0.09670790270417623, 'learning_rate': 0.008185442770891109, 'max_depth': 18, 'min_child_weight': 6.310894392857455, 'n_estimators': 350, 'subsample': 0.9858678645246562}
Epoch : 2818: f1_weighted Score 0.814 params {'colsample_bytree': 0.480168061980459, 'gamma': 0.5891652608093528, 'learning_rate': 0.00824154793034804, 'max_depth': 6, 'min_child_weight': 4.955445012968573, 'n_estimators': 375, 'subsample': 0.8961720657520191}
Epoch : 2819: f1_weighted Score 0.814 params {'colsample_bytree': 0.4975615701378224, 'gamma': 0.708923664499677, 'learning_rate': 0.010501724134835739, 'max_depth': 13, 'min_child_weight': 3.7674168456362365, 'n_estimators': 250, 'subsample': 0.861874199814085}
Epoch : 2820: f1_weighted Score 0.810 params {'colsample_bytree': 0.32375619753426665, 'gamma': 0.0011787555224927128, 'learning_rate': 0.005839593679394359, 'max_depth': 13, 'min_child_weight': 7.074606506615505, 'n_estimators': 475, 'subsample': 0.9459220162564338}
Epoch : 2821: f1_weighted Score 0.812 params {'colsample_bytree': 0.344070413536785, 'gamma': 0.3448914395392854, 'learning_rate': 0.006766778107333892, 'max_depth': 10, 'min_child_weight': 6.057211858266958, 'n_estimators': 450, 'subsample': 0.9076336045134474}
Epoch : 2822: f1_weighted Score 0.812 params {'colsample_bytree': 0.43366381349954614, 'gamma': 0.13711512669026404, 'learning_rate': 0.011524803044216669, 'max_depth': 17, 'min_child_weight': 5.756209478111996, 'n_estimators': 300, 'subsample': 0.9514390860742057}
Epoch : 2823: f1_weighted Score 0.808 params {'colsample_bytree': 0.4450314391740887, 'gamma': 0.5344813924757589, 'learning_rate': 0.012365748416021343, 'max_depth': 16, 'min_child_weight': 5.12981230106434, 'n_estimators': 275, 'subsample': 0.9684812670754789}
Epoch : 2824: f1_weighted Score 0.812 params {'colsample_bytree': 0.45787534164441573, 'gamma': 0.1803638535835356, 'learning_rate': 0.005420091080837798, 'max_depth': 6, 'min_child_weight': 4.5740989760352795, 'n_estimators': 450, 'subsample': 0.9210455887889639}
Epoch : 2825: f1_weighted Score 0.812 params {'colsample_bytree': 0.34239370911242284, 'gamma': 0.5865881809024399, 'learning_rate': 0.007308372810021318, 'max_depth': 15, 'min_child_weight': 5.33599552835296, 'n_estimators': 325, 'subsample': 0.8952912650842231}
Epoch : 2826: f1_weighted Score 0.810 params {'colsample_bytree': 0.4211105808358395, 'gamma': 0.36409588071458243, 'learning_rate': 0.016396762744211726, 'max_depth': 7, 'min_child_weight': 5.5845203367265865, 'n_estimators': 175, 'subsample': 0.9561935874397743}
Epoch : 2827: f1_weighted Score 0.812 params {'colsample_bytree': 0.3591317138287092, 'gamma': 0.4069425146068283, 'learning_rate': 0.010060875216250969, 'max_depth': 19, 'min_child_weight': 5.892573345796927, 'n_estimators': 350, 'subsample': 0.9145814406149152}
Epoch : 2828: f1_weighted Score 0.812 params {'colsample_bytree': 0.41046270693609505, 'gamma': 0.9290023735263991, 'learning_rate': 0.012613754703399144, 'max_depth': 10, 'min_child_weight': 5.547430259666387, 'n_estimators': 175, 'subsample': 0.9458456724422055}
Epoch : 2829: f1_weighted Score 0.812 params {'colsample_bytree': 0.39662786612342016, 'gamma': 0.7044111359942892, 'learning_rate': 0.01029375759060364, 'max_depth': 11, 'min_child_weight': 5.6926204266167835, 'n_estimators': 275, 'subsample': 0.8137542226377917}
Epoch : 2830: f1_weighted Score 0.812 params {'colsample_bytree': 0.43203899316786193, 'gamma': 0.6929923018644297, 'learning_rate': 0.010941701292860227, 'max_depth': 11, 'min_child_weight': 5.143382463630137, 'n_estimators': 250, 'subsample': 0.8235759792997907}
Epoch : 2831: f1_weighted Score 0.808 params {'colsample_bytree': 0.3820472788986101, 'gamma': 0.6224627188870988, 'learning_rate': 0.006587184384357817, 'max_depth': 8, 'min_child_weight': 3.7148938309725774, 'n_estimators': 475, 'subsample': 0.9657987662525197}
Epoch : 2832: f1_weighted Score 0.810 params {'colsample_bytree': 0.6023666626458793, 'gamma': 0.7091259372360869, 'learning_rate': 0.011920230052824348, 'max_depth': 11, 'min_child_weight': 7.611747416575948, 'n_estimators': 300, 'subsample': 0.9524314662551774}
Epoch : 2833: f1_weighted Score 0.812 params {'colsample_bytree': 0.35795139854045244, 'gamma': 0.7353563646569786, 'learning_rate': 0.008886028415598124, 'max_depth': 16, 'min_child_weight': 5.626445208186731, 'n_estimators': 325, 'subsample': 0.9021841050270762}
Epoch : 2834: f1_weighted Score 0.802 params {'colsample_bytree': 0.3963983341048614, 'gamma': 0.9443572430469844, 'learning_rate': 0.015186860602222317, 'max_depth': 11, 'min_child_weight': 5.800974385490704, 'n_estimators': 525, 'subsample': 0.9578038559526493}
Epoch : 2835: f1_weighted Score 0.812 params {'colsample_bytree': 0.3614182566511687, 'gamma': 0.5103733799921918, 'learning_rate': 0.009472728641683567, 'max_depth': 9, 'min_child_weight': 6.2857723790963265, 'n_estimators': 200, 'subsample': 0.9488315211536273}
Epoch : 2836: f1_weighted Score 0.799 params {'colsample_bytree': 0.4048176270401621, 'gamma': 0.34364707162931163, 'learning_rate': 0.012766277456125527, 'max_depth': 11, 'min_child_weight': 5.665443379762785, 'n_estimators': 500, 'subsample': 0.9554853201023755}
Epoch : 2837: f1_weighted Score 0.812 params {'colsample_bytree': 0.4117843384803434, 'gamma': 0.8091678468153436, 'learning_rate': 0.009416183742660855, 'max_depth': 19, 'min_child_weight': 4.256542020185375, 'n_estimators': 300, 'subsample': 0.9918574640938642}
Epoch : 2838: f1_weighted Score 0.810 params {'colsample_bytree': 0.5054564668272276, 'gamma': 0.05644872220099816, 'learning_rate': 0.006748591614859267, 'max_depth': 15, 'min_child_weight': 5.915349144232552, 'n_estimators': 400, 'subsample': 0.9950952247821456}
Epoch : 2839: f1_weighted Score 0.809 params {'colsample_bytree': 0.3816634031156526, 'gamma': 0.5088465118466196, 'learning_rate': 0.014851490320944375, 'max_depth': 19, 'min_child_weight': 4.711738972547616, 'n_estimators': 225, 'subsample': 0.9766087760557101}
Epoch : 2840: f1_weighted Score 0.809 params {'colsample_bytree': 0.3898493777951859, 'gamma': 0.4640121712439949, 'learning_rate': 0.008531875684406557, 'max_depth': 12, 'min_child_weight': 3.261205217969909, 'n_estimators': 375, 'subsample': 0.8689946972557523}
Epoch : 2841: f1_weighted Score 0.812 params {'colsample_bytree': 0.335350583964802, 'gamma': 0.8219004540667849, 'learning_rate': 0.0073168012418296235, 'max_depth': 10, 'min_child_weight': 5.831005928492139, 'n_estimators': 425, 'subsample': 0.9574125626005878}
Epoch : 2842: f1_weighted Score 0.814 params {'colsample_bytree': 0.34087443789341715, 'gamma': 0.6109083934761013, 'learning_rate': 0.008461464025033298, 'max_depth': 15, 'min_child_weight': 4.404502502708185, 'n_estimators': 325, 'subsample': 0.9118142857154503}
Epoch : 2843: f1_weighted Score 0.812 params {'colsample_bytree': 0.3679518238143425, 'gamma': 0.7486940604881325, 'learning_rate': 0.010097295295852396, 'max_depth': 13, 'min_child_weight': 7.470366197734732, 'n_estimators': 275, 'subsample': 0.9344296082080817}
Epoch : 2844: f1_weighted Score 0.811 params {'colsample_bytree': 0.33421623328551125, 'gamma': 0.6453032475026972, 'learning_rate': 0.011368292041479742, 'max_depth': 14, 'min_child_weight': 6.1724801393179485, 'n_estimators': 375, 'subsample': 0.9438744143445859}
Epoch : 2845: f1_weighted Score 0.814 params {'colsample_bytree': 0.46596712086871106, 'gamma': 0.6791414755312376, 'learning_rate': 0.0080461073015118, 'max_depth': 20, 'min_child_weight': 5.340859963766128, 'n_estimators': 350, 'subsample': 0.990950672537191}
Epoch : 2846: f1_weighted Score 0.809 params {'colsample_bytree': 0.4732302392122422, 'gamma': 0.8448069034192532, 'learning_rate': 0.009125474341315077, 'max_depth': 20, 'min_child_weight': 4.352914937759636, 'n_estimators': 300, 'subsample': 0.9944028176792007}
Epoch : 2847: f1_weighted Score 0.810 params {'colsample_bytree': 0.3110178467496664, 'gamma': 0.09057337801881818, 'learning_rate': 0.006134973927085868, 'max_depth': 20, 'min_child_weight': 6.5882337183406525, 'n_estimators': 450, 'subsample': 0.9508843804361407}
Epoch : 2848: f1_weighted Score 0.801 params {'colsample_bytree': 0.36924215278258, 'gamma': 0.8859891739826347, 'learning_rate': 0.009321071757579392, 'max_depth': 10, 'min_child_weight': 4.736185648879089, 'n_estimators': 150, 'subsample': 0.9414332348931818}
Epoch : 2849: f1_weighted Score 0.814 params {'colsample_bytree': 0.3743481776917235, 'gamma': 0.6403756814692672, 'learning_rate': 0.01988001307044004, 'max_depth': 9, 'min_child_weight': 5.256046479135129, 'n_estimators': 150, 'subsample': 0.9474363863623485}
Epoch : 2850: f1_weighted Score 0.812 params {'colsample_bytree': 0.3957817158141545, 'gamma': 0.3492895692025656, 'learning_rate': 0.01754132257941033, 'max_depth': 9, 'min_child_weight': 5.511262113703258, 'n_estimators': 125, 'subsample': 0.9035039839500973}
Epoch : 2851: f1_weighted Score 0.812 params {'colsample_bytree': 0.38272581801164385, 'gamma': 0.8677982577695624, 'learning_rate': 0.008515298447814798, 'max_depth': 19, 'min_child_weight': 4.2841131124812515, 'n_estimators': 325, 'subsample': 0.9660617926529039}
Epoch : 2852: f1_weighted Score 0.812 params {'colsample_bytree': 0.3477382826447524, 'gamma': 0.5562075325146264, 'learning_rate': 0.00878214972284692, 'max_depth': 15, 'min_child_weight': 5.699991550605158, 'n_estimators': 300, 'subsample': 0.9068641062274938}
Epoch : 2853: f1_weighted Score 0.809 params {'colsample_bytree': 0.422417297236127, 'gamma': 0.9979640519170244, 'learning_rate': 0.009742437977661403, 'max_depth': 19, 'min_child_weight': 3.5688468513767595, 'n_estimators': 250, 'subsample': 0.9682283575130812}
Epoch : 2854: f1_weighted Score 0.811 params {'colsample_bytree': 0.33919634126584863, 'gamma': 0.4278959420809834, 'learning_rate': 0.010696147782592513, 'max_depth': 12, 'min_child_weight': 4.007236565326532, 'n_estimators': 275, 'subsample': 0.9323569348738937}
Epoch : 2855: f1_weighted Score 0.812 params {'colsample_bytree': 0.4866848912792088, 'gamma': 0.5804498573852521, 'learning_rate': 0.008504080863896292, 'max_depth': 15, 'min_child_weight': 4.218315976928992, 'n_estimators': 325, 'subsample': 0.8543627891464919}
Epoch : 2856: f1_weighted Score 0.812 params {'colsample_bytree': 0.5897006545400374, 'gamma': 0.12472847060855727, 'learning_rate': 0.011023011156540646, 'max_depth': 7, 'min_child_weight': 5.458147509364846, 'n_estimators': 250, 'subsample': 0.8287822613084558}
Epoch : 2857: f1_weighted Score 0.812 params {'colsample_bytree': 0.3639866010219994, 'gamma': 0.13244538076892778, 'learning_rate': 0.006297835776185024, 'max_depth': 6, 'min_child_weight': 5.943362897360009, 'n_estimators': 225, 'subsample': 0.9798806006616971}
Epoch : 2858: f1_weighted Score 0.809 params {'colsample_bytree': 0.490365561523883, 'gamma': 0.6666831205022069, 'learning_rate': 0.012981153246159064, 'max_depth': 18, 'min_child_weight': 3.5088605731550384, 'n_estimators': 175, 'subsample': 0.9105777238511941}
Epoch : 2859: f1_weighted Score 0.810 params {'colsample_bytree': 0.33296424340930386, 'gamma': 0.0852030704111903, 'learning_rate': 0.008997831142835921, 'max_depth': 7, 'min_child_weight': 5.4802971739744235, 'n_estimators': 325, 'subsample': 0.8925338088122371}
Epoch : 2860: f1_weighted Score 0.791 params {'colsample_bytree': 0.30105035075049036, 'gamma': 0.07716303897755489, 'learning_rate': 0.04734407765496905, 'max_depth': 11, 'min_child_weight': 6.011602058593383, 'n_estimators': 350, 'subsample': 0.9998511769093631}
Epoch : 2861: f1_weighted Score 0.810 params {'colsample_bytree': 0.40690834621133526, 'gamma': 0.8137675467003996, 'learning_rate': 0.009328039437864923, 'max_depth': 4, 'min_child_weight': 4.5376515183397865, 'n_estimators': 325, 'subsample': 0.9279215313729392}
Epoch : 2862: f1_weighted Score 0.812 params {'colsample_bytree': 0.558178512913855, 'gamma': 0.156912636280628, 'learning_rate': 0.007924477950593494, 'max_depth': 18, 'min_child_weight': 5.292165270244895, 'n_estimators': 350, 'subsample': 0.9311422327692038}
Epoch : 2863: f1_weighted Score 0.810 params {'colsample_bytree': 0.5351901196736654, 'gamma': 0.173889239857312, 'learning_rate': 0.007022359554602372, 'max_depth': 12, 'min_child_weight': 5.650507030672113, 'n_estimators': 425, 'subsample': 0.9074526749620093}
Epoch : 2864: f1_weighted Score 0.812 params {'colsample_bytree': 0.3526413775681437, 'gamma': 0.6618804838863759, 'learning_rate': 0.009756443468551963, 'max_depth': 19, 'min_child_weight': 4.438550632109685, 'n_estimators': 200, 'subsample': 0.9271909060319322}
Epoch : 2865: f1_weighted Score 0.812 params {'colsample_bytree': 0.4331560237260423, 'gamma': 0.6176829471127049, 'learning_rate': 0.011701429148592735, 'max_depth': 18, 'min_child_weight': 4.701822829218252, 'n_estimators': 200, 'subsample': 0.9228586265683475}
Epoch : 2866: f1_weighted Score 0.812 params {'colsample_bytree': 0.5015549543661374, 'gamma': 0.23114610015038345, 'learning_rate': 0.006135869516669763, 'max_depth': 20, 'min_child_weight': 5.791820651359737, 'n_estimators': 425, 'subsample': 0.9997022630242254}
Epoch : 2867: f1_weighted Score 0.812 params {'colsample_bytree': 0.4523218988985165, 'gamma': 0.6260434960366884, 'learning_rate': 0.008498471448045077, 'max_depth': 11, 'min_child_weight': 5.157380352142232, 'n_estimators': 375, 'subsample': 0.9379052439697833}
Epoch : 2868: f1_weighted Score 0.812 params {'colsample_bytree': 0.37472371868019383, 'gamma': 0.6113889452657856, 'learning_rate': 0.011149690419062165, 'max_depth': 16, 'min_child_weight': 5.277439862276092, 'n_estimators': 250, 'subsample': 0.8921210771827851}
Epoch : 2869: f1_weighted Score 0.812 params {'colsample_bytree': 0.40037882216462894, 'gamma': 0.6386118521430579, 'learning_rate': 0.011579345414286844, 'max_depth': 17, 'min_child_weight': 4.715641341264987, 'n_estimators': 225, 'subsample': 0.8988804443441462}
Epoch : 2870: f1_weighted Score 0.810 params {'colsample_bytree': 0.4204629698261747, 'gamma': 0.3566145065515883, 'learning_rate': 0.016065082150553918, 'max_depth': 9, 'min_child_weight': 5.8198672078669755, 'n_estimators': 175, 'subsample': 0.9635909241994186}
Epoch : 2871: f1_weighted Score 0.811 params {'colsample_bytree': 0.38970936622941127, 'gamma': 0.47767360505437156, 'learning_rate': 0.007328575624841199, 'max_depth': 16, 'min_child_weight': 4.076383074789192, 'n_estimators': 400, 'subsample': 0.9131382976821067}
Epoch : 2872: f1_weighted Score 0.812 params {'colsample_bytree': 0.3409591602052446, 'gamma': 0.4591862186677199, 'learning_rate': 0.010996803614220996, 'max_depth': 10, 'min_child_weight': 6.142728171074062, 'n_estimators': 250, 'subsample': 0.955015365225582}
Epoch : 2873: f1_weighted Score 0.814 params {'colsample_bytree': 0.3762769263243368, 'gamma': 0.42501286508701086, 'learning_rate': 0.009114221053339632, 'max_depth': 7, 'min_child_weight': 4.565017890198919, 'n_estimators': 275, 'subsample': 0.9231420601845759}
Epoch : 2874: f1_weighted Score 0.812 params {'colsample_bytree': 0.39861368131244973, 'gamma': 0.13629131223765284, 'learning_rate': 0.0061862365186932285, 'max_depth': 11, 'min_child_weight': 6.133917648553094, 'n_estimators': 425, 'subsample': 0.9608956736096002}
Epoch : 2875: f1_weighted Score 0.810 params {'colsample_bytree': 0.46179458204966845, 'gamma': 0.044996890636536176, 'learning_rate': 0.009627539582850415, 'max_depth': 10, 'min_child_weight': 5.566458390942157, 'n_estimators': 325, 'subsample': 0.8946210951833474}
Epoch : 2876: f1_weighted Score 0.812 params {'colsample_bytree': 0.37980894592855374, 'gamma': 0.7320519887875343, 'learning_rate': 0.008866632656948977, 'max_depth': 14, 'min_child_weight': 3.865770766356234, 'n_estimators': 300, 'subsample': 0.9139879638919156}
Epoch : 2877: f1_weighted Score 0.810 params {'colsample_bytree': 0.3271358016554738, 'gamma': 0.5722443751697955, 'learning_rate': 0.007583616995997862, 'max_depth': 15, 'min_child_weight': 5.398453901855692, 'n_estimators': 350, 'subsample': 0.9084306379804348}
Epoch : 2878: f1_weighted Score 0.811 params {'colsample_bytree': 0.6343229164820126, 'gamma': 0.48833920453756585, 'learning_rate': 0.0070787913202669745, 'max_depth': 6, 'min_child_weight': 4.527760014424885, 'n_estimators': 400, 'subsample': 0.9181627159049955}
Epoch : 2879: f1_weighted Score 0.812 params {'colsample_bytree': 0.39642361629736733, 'gamma': 0.18994351921156744, 'learning_rate': 0.008001119836436905, 'max_depth': 18, 'min_child_weight': 8.586073916398536, 'n_estimators': 400, 'subsample': 0.9101688299034479}
Epoch : 2880: f1_weighted Score 0.810 params {'colsample_bytree': 0.4536160802447258, 'gamma': 0.23061785804001309, 'learning_rate': 0.005686937468634065, 'max_depth': 15, 'min_child_weight': 3.385042595271207, 'n_estimators': 425, 'subsample': 0.9999320652499567}
Epoch : 2881: f1_weighted Score 0.796 params {'colsample_bytree': 0.4760496016342269, 'gamma': 0.7967622023385758, 'learning_rate': 0.011685310494927516, 'max_depth': 14, 'min_child_weight': 2.0606398267875417, 'n_estimators': 375, 'subsample': 0.9256397135293036}
Epoch : 2882: f1_weighted Score 0.814 params {'colsample_bytree': 0.43815547643532765, 'gamma': 0.057149551416701715, 'learning_rate': 0.008928578497111747, 'max_depth': 19, 'min_child_weight': 5.113791591415883, 'n_estimators': 325, 'subsample': 0.9329405622551686}
Epoch : 2883: f1_weighted Score 0.808 params {'colsample_bytree': 0.3638698028751839, 'gamma': 0.5074927646931462, 'learning_rate': 0.00732777265115387, 'max_depth': 9, 'min_child_weight': 4.91009336130546, 'n_estimators': 450, 'subsample': 0.976319315206786}
Epoch : 2884: f1_weighted Score 0.814 params {'colsample_bytree': 0.3494867394018871, 'gamma': 0.07153732417862506, 'learning_rate': 0.006829025861464874, 'max_depth': 17, 'min_child_weight': 6.2548072395141014, 'n_estimators': 400, 'subsample': 0.9822464913874449}
Epoch : 2885: f1_weighted Score 0.812 params {'colsample_bytree': 0.39322381020819624, 'gamma': 0.3783014263384584, 'learning_rate': 0.013830022028865418, 'max_depth': 8, 'min_child_weight': 5.9750803201642455, 'n_estimators': 175, 'subsample': 0.9521671368907769}
Epoch : 2886: f1_weighted Score 0.812 params {'colsample_bytree': 0.37490076015852836, 'gamma': 0.3902656761419935, 'learning_rate': 0.012805679160241652, 'max_depth': 7, 'min_child_weight': 6.064190206518016, 'n_estimators': 275, 'subsample': 0.9364449203987449}
Epoch : 2887: f1_weighted Score 0.800 params {'colsample_bytree': 0.314072073456518, 'gamma': 0.1984048706547065, 'learning_rate': 0.03054445960007258, 'max_depth': 18, 'min_child_weight': 6.906579748275689, 'n_estimators': 450, 'subsample': 0.9451333375088785}
Epoch : 2888: f1_weighted Score 0.802 params {'colsample_bytree': 0.31516359403274335, 'gamma': 0.18921241978941, 'learning_rate': 0.025888226986852413, 'max_depth': 18, 'min_child_weight': 7.328394213748453, 'n_estimators': 475, 'subsample': 0.9603342086561951}
Epoch : 2889: f1_weighted Score 0.799 params {'colsample_bytree': 0.3216530935360149, 'gamma': 0.21513395231804663, 'learning_rate': 0.03473854839267059, 'max_depth': 18, 'min_child_weight': 7.432067830795402, 'n_estimators': 475, 'subsample': 0.9612058391740899}
Epoch : 2890: f1_weighted Score 0.798 params {'colsample_bytree': 0.3098729419724643, 'gamma': 0.1749756745567989, 'learning_rate': 0.029702485781822354, 'max_depth': 18, 'min_child_weight': 6.867013018305897, 'n_estimators': 475, 'subsample': 0.9542504306489471}
Epoch : 2891: f1_weighted Score 0.810 params {'colsample_bytree': 0.3238435164471484, 'gamma': 0.2117459578075278, 'learning_rate': 0.005636228254554741, 'max_depth': 19, 'min_child_weight': 7.03145081570519, 'n_estimators': 450, 'subsample': 0.955902202801545}
Epoch : 2892: f1_weighted Score 0.812 params {'colsample_bytree': 0.4874527521767733, 'gamma': 0.9171807703186613, 'learning_rate': 0.008201410421446892, 'max_depth': 18, 'min_child_weight': 5.043959600421989, 'n_estimators': 350, 'subsample': 0.917913706062936}
Epoch : 2893: f1_weighted Score 0.812 params {'colsample_bytree': 0.3830984359934633, 'gamma': 0.7345029762153096, 'learning_rate': 0.007588916449471553, 'max_depth': 11, 'min_child_weight': 5.644609467939672, 'n_estimators': 400, 'subsample': 0.9578986326925584}
Epoch : 2894: f1_weighted Score 0.814 params {'colsample_bytree': 0.3724940203669945, 'gamma': 0.7279537671054644, 'learning_rate': 0.007506243374616805, 'max_depth': 11, 'min_child_weight': 5.8084272208025665, 'n_estimators': 375, 'subsample': 0.9599138666116583}
Epoch : 2895: f1_weighted Score 0.814 params {'colsample_bytree': 0.3881501209796954, 'gamma': 0.7143549558484911, 'learning_rate': 0.010183721602998456, 'max_depth': 14, 'min_child_weight': 3.5646293893665972, 'n_estimators': 300, 'subsample': 0.8065945712982855}
Epoch : 2896: f1_weighted Score 0.814 params {'colsample_bytree': 0.41418717713418723, 'gamma': 0.6323283707318085, 'learning_rate': 0.008709707065788908, 'max_depth': 12, 'min_child_weight': 4.459170223173244, 'n_estimators': 400, 'subsample': 0.843540235265244}
Epoch : 2897: f1_weighted Score 0.812 params {'colsample_bytree': 0.4106563345489203, 'gamma': 0.3046204884482009, 'learning_rate': 0.006621085192438861, 'max_depth': 10, 'min_child_weight': 4.94859725104023, 'n_estimators': 450, 'subsample': 0.8268038822003486}
Epoch : 2898: f1_weighted Score 0.812 params {'colsample_bytree': 0.4612353594210215, 'gamma': 0.08785656838164178, 'learning_rate': 0.006107172387736982, 'max_depth': 18, 'min_child_weight': 5.6298305438000025, 'n_estimators': 425, 'subsample': 0.9253723419613736}
Epoch : 2899: f1_weighted Score 0.788 params {'colsample_bytree': 0.30322090637993443, 'gamma': 0.026875190570084945, 'learning_rate': 0.07088440794146297, 'max_depth': 13, 'min_child_weight': 6.778975628717503, 'n_estimators': 500, 'subsample': 0.9281989254689147}
Epoch : 2900: f1_weighted Score 0.797 params {'colsample_bytree': 0.5088804299835467, 'gamma': 0.9723886745658518, 'learning_rate': 0.011728838038710733, 'max_depth': 16, 'min_child_weight': 5.256192291328485, 'n_estimators': 750, 'subsample': 0.9031545197555158}
Epoch : 2901: f1_weighted Score 0.814 params {'colsample_bytree': 0.45235642876529886, 'gamma': 0.9418698875222906, 'learning_rate': 0.012266795644334246, 'max_depth': 16, 'min_child_weight': 5.4227912586053995, 'n_estimators': 225, 'subsample': 0.9023729076904069}
Epoch : 2902: f1_weighted Score 0.812 params {'colsample_bytree': 0.4052906478335024, 'gamma': 0.3081380184402423, 'learning_rate': 0.014135911069269093, 'max_depth': 11, 'min_child_weight': 5.41703553992642, 'n_estimators': 150, 'subsample': 0.9007852808923883}
Epoch : 2903: f1_weighted Score 0.812 params {'colsample_bytree': 0.3999673340721832, 'gamma': 0.35325509735255145, 'learning_rate': 0.015317923047165453, 'max_depth': 11, 'min_child_weight': 5.136485760052516, 'n_estimators': 175, 'subsample': 0.9510500028984428}
Epoch : 2904: f1_weighted Score 0.810 params {'colsample_bytree': 0.8219908625353427, 'gamma': 0.8957349648130234, 'learning_rate': 0.005398156115556216, 'max_depth': 12, 'min_child_weight': 5.271386301206251, 'n_estimators': 525, 'subsample': 0.979788680538673}
Epoch : 2905: f1_weighted Score 0.812 params {'colsample_bytree': 0.4459988358509728, 'gamma': 0.07069433325926432, 'learning_rate': 0.006081440791888382, 'max_depth': 20, 'min_child_weight': 6.00806234735178, 'n_estimators': 475, 'subsample': 0.9808171865069424}
Epoch : 2906: f1_weighted Score 0.814 params {'colsample_bytree': 0.42886411379959927, 'gamma': 0.42877453741963323, 'learning_rate': 0.005325592377564834, 'max_depth': 7, 'min_child_weight': 4.996494027829867, 'n_estimators': 575, 'subsample': 0.9100769146372223}
Epoch : 2907: f1_weighted Score 0.812 params {'colsample_bytree': 0.3413833250779128, 'gamma': 0.6441946807494707, 'learning_rate': 0.005385206047076442, 'max_depth': 14, 'min_child_weight': 5.307044335064732, 'n_estimators': 625, 'subsample': 0.903738142073534}
Epoch : 2908: f1_weighted Score 0.814 params {'colsample_bytree': 0.38729332337375183, 'gamma': 0.49216150007337445, 'learning_rate': 0.01394281368756844, 'max_depth': 10, 'min_child_weight': 6.706189258336356, 'n_estimators': 250, 'subsample': 0.8841579163283515}
Epoch : 2909: f1_weighted Score 0.810 params {'colsample_bytree': 0.31157681114625824, 'gamma': 0.4591802341450702, 'learning_rate': 0.03546344001436214, 'max_depth': 11, 'min_child_weight': 6.806283286812552, 'n_estimators': 100, 'subsample': 0.8914848842219275}
Epoch : 2910: f1_weighted Score 0.814 params {'colsample_bytree': 0.4114534309816372, 'gamma': 0.7645658300855586, 'learning_rate': 0.007722286534334021, 'max_depth': 8, 'min_child_weight': 4.374687601539283, 'n_estimators': 350, 'subsample': 0.8272156488951047}
Epoch : 2911: f1_weighted Score 0.809 params {'colsample_bytree': 0.48953344363726176, 'gamma': 0.5506910872594142, 'learning_rate': 0.008769049898830221, 'max_depth': 15, 'min_child_weight': 3.9012952008334945, 'n_estimators': 300, 'subsample': 0.9088938814061921}
Epoch : 2912: f1_weighted Score 0.811 params {'colsample_bytree': 0.44550970019240227, 'gamma': 0.6844306102978917, 'learning_rate': 0.010933198147292492, 'max_depth': 16, 'min_child_weight': 3.6363204788711103, 'n_estimators': 275, 'subsample': 0.8125408286106507}
Epoch : 2913: f1_weighted Score 0.814 params {'colsample_bytree': 0.47519544628542876, 'gamma': 0.03991624049257189, 'learning_rate': 0.005810081169773474, 'max_depth': 17, 'min_child_weight': 5.380098005404062, 'n_estimators': 475, 'subsample': 0.9868539223195902}
Epoch : 2914: f1_weighted Score 0.809 params {'colsample_bytree': 0.4433724198214363, 'gamma': 0.5983971238008112, 'learning_rate': 0.017065831612721984, 'max_depth': 17, 'min_child_weight': 2.9135973366939787, 'n_estimators': 125, 'subsample': 0.86991383382205}
Epoch : 2915: f1_weighted Score 0.793 params {'colsample_bytree': 0.3647346821057326, 'gamma': 0.7723360879431249, 'learning_rate': 0.00964237184805721, 'max_depth': 17, 'min_child_weight': 5.748398027594691, 'n_estimators': 1500, 'subsample': 0.9530105431754309}
Epoch : 2916: f1_weighted Score 0.811 params {'colsample_bytree': 0.36675269914375924, 'gamma': 0.6018114455012349, 'learning_rate': 0.00727978191490706, 'max_depth': 8, 'min_child_weight': 4.847131554348182, 'n_estimators': 400, 'subsample': 0.9999341723089041}
Epoch : 2917: f1_weighted Score 0.812 params {'colsample_bytree': 0.5466628724231272, 'gamma': 0.040683085753961866, 'learning_rate': 0.006886832277578263, 'max_depth': 14, 'min_child_weight': 5.53210051816545, 'n_estimators': 400, 'subsample': 0.8974584532999328}
Epoch : 2918: f1_weighted Score 0.812 params {'colsample_bytree': 0.41715183505338477, 'gamma': 0.40427856910021975, 'learning_rate': 0.009612271793198505, 'max_depth': 20, 'min_child_weight': 6.380542246463518, 'n_estimators': 325, 'subsample': 0.8992720651549948}
Epoch : 2919: f1_weighted Score 0.809 params {'colsample_bytree': 0.43470012538243114, 'gamma': 0.5481163052303492, 'learning_rate': 0.012217880711048488, 'max_depth': 16, 'min_child_weight': 4.097847010599761, 'n_estimators': 200, 'subsample': 0.9860563641486517}
Epoch : 2920: f1_weighted Score 0.811 params {'colsample_bytree': 0.6895730844924459, 'gamma': 0.7991432399479712, 'learning_rate': 0.01031632512872356, 'max_depth': 16, 'min_child_weight': 5.480960246372086, 'n_estimators': 325, 'subsample': 0.9516407434322607}
Epoch : 2921: f1_weighted Score 0.812 params {'colsample_bytree': 0.40047095077168143, 'gamma': 0.10572813606721036, 'learning_rate': 0.0067897942723478535, 'max_depth': 10, 'min_child_weight': 6.476461817987946, 'n_estimators': 425, 'subsample': 0.8769095951444235}
Epoch : 2922: f1_weighted Score 0.812 params {'colsample_bytree': 0.4332920640345323, 'gamma': 0.09505006619310749, 'learning_rate': 0.005290319493474083, 'max_depth': 12, 'min_child_weight': 4.7982774898076155, 'n_estimators': 550, 'subsample': 0.9474300281124236}
Epoch : 2923: f1_weighted Score 0.806 params {'colsample_bytree': 0.35636199654188344, 'gamma': 0.5017325962421201, 'learning_rate': 0.005470897595989512, 'max_depth': 11, 'min_child_weight': 4.221701759364189, 'n_estimators': 675, 'subsample': 0.9408644614259898}
Epoch : 2924: f1_weighted Score 0.812 params {'colsample_bytree': 0.45858812148904265, 'gamma': 0.43862018367880906, 'learning_rate': 0.012413369144164542, 'max_depth': 16, 'min_child_weight': 5.226111674575672, 'n_estimators': 250, 'subsample': 0.8930117478982383}
Epoch : 2925: f1_weighted Score 0.800 params {'colsample_bytree': 0.3563103985420502, 'gamma': 0.8708839645255462, 'learning_rate': 0.010151130924379135, 'max_depth': 11, 'min_child_weight': 4.330924634591496, 'n_estimators': 800, 'subsample': 0.9254853184424939}
Epoch : 2926: f1_weighted Score 0.812 params {'colsample_bytree': 0.42084849124981366, 'gamma': 0.06490517230004325, 'learning_rate': 0.006406346209256572, 'max_depth': 20, 'min_child_weight': 6.098942828911446, 'n_estimators': 450, 'subsample': 0.9745948070607442}
Epoch : 2927: f1_weighted Score 0.812 params {'colsample_bytree': 0.3608651475062037, 'gamma': 0.6320145926044345, 'learning_rate': 0.009587323603796424, 'max_depth': 11, 'min_child_weight': 4.571375955085337, 'n_estimators': 250, 'subsample': 0.9447016256317882}
Epoch : 2928: f1_weighted Score 0.814 params {'colsample_bytree': 0.37670591383275004, 'gamma': 0.7060455550575478, 'learning_rate': 0.010271436128665911, 'max_depth': 20, 'min_child_weight': 4.8966417534348325, 'n_estimators': 300, 'subsample': 0.9051361538579334}
Epoch : 2929: f1_weighted Score 0.812 params {'colsample_bytree': 0.3349991333675884, 'gamma': 0.5199768531298431, 'learning_rate': 0.006896176125157465, 'max_depth': 8, 'min_child_weight': 6.298072516652884, 'n_estimators': 500, 'subsample': 0.9729230819065937}
Epoch : 2930: f1_weighted Score 0.783 params {'colsample_bytree': 0.32720315726157984, 'gamma': 0.5526096718884191, 'learning_rate': 0.021970235568012513, 'max_depth': 15, 'min_child_weight': 0.8853216531159189, 'n_estimators': 125, 'subsample': 0.8540458355356727}
Epoch : 2931: f1_weighted Score 0.814 params {'colsample_bytree': 0.3871862490117848, 'gamma': 0.37562783174125497, 'learning_rate': 0.007947941172032558, 'max_depth': 20, 'min_child_weight': 5.066323890361891, 'n_estimators': 375, 'subsample': 0.9741149726646658}
Epoch : 2932: f1_weighted Score 0.814 params {'colsample_bytree': 0.43923357472364266, 'gamma': 0.023817646645628635, 'learning_rate': 0.007145260363827972, 'max_depth': 20, 'min_child_weight': 5.627991043726248, 'n_estimators': 375, 'subsample': 0.9658560215472107}
Epoch : 2933: f1_weighted Score 0.810 params {'colsample_bytree': 0.9239136848625987, 'gamma': 0.24927089117480006, 'learning_rate': 0.007061432630222077, 'max_depth': 16, 'min_child_weight': 5.855857614818829, 'n_estimators': 375, 'subsample': 0.9827722028083474}
Epoch : 2934: f1_weighted Score 0.812 params {'colsample_bytree': 0.4846834161074526, 'gamma': 0.24307819050271617, 'learning_rate': 0.008846078339785776, 'max_depth': 17, 'min_child_weight': 5.82554819444708, 'n_estimators': 325, 'subsample': 0.9399936632655965}
Epoch : 2935: f1_weighted Score 0.812 params {'colsample_bytree': 0.356296234054701, 'gamma': 0.458281196410684, 'learning_rate': 0.007777244793581965, 'max_depth': 8, 'min_child_weight': 4.247872292034735, 'n_estimators': 275, 'subsample': 0.9707346999190387}
Epoch : 2936: f1_weighted Score 0.814 params {'colsample_bytree': 0.41500025138082547, 'gamma': 0.3539920164862683, 'learning_rate': 0.01621838771027066, 'max_depth': 10, 'min_child_weight': 5.058888193478594, 'n_estimators': 200, 'subsample': 0.915703041690726}
Epoch : 2937: f1_weighted Score 0.812 params {'colsample_bytree': 0.4333985559818243, 'gamma': 0.9996493760455285, 'learning_rate': 0.01080989733264255, 'max_depth': 11, 'min_child_weight': 4.825898610342767, 'n_estimators': 225, 'subsample': 0.9422000443505444}
Epoch : 2938: f1_weighted Score 0.809 params {'colsample_bytree': 0.40226568781127314, 'gamma': 0.5228690927911926, 'learning_rate': 0.0059222360636086175, 'max_depth': 12, 'min_child_weight': 4.630622993116693, 'n_estimators': 550, 'subsample': 0.9769138876600546}
Epoch : 2939: f1_weighted Score 0.812 params {'colsample_bytree': 0.38944359912598897, 'gamma': 0.6551261219405814, 'learning_rate': 0.008063754919957691, 'max_depth': 18, 'min_child_weight': 4.497810329023425, 'n_estimators': 275, 'subsample': 0.9790232303559562}
Epoch : 2940: f1_weighted Score 0.810 params {'colsample_bytree': 0.32820943403804054, 'gamma': 0.6850621147295219, 'learning_rate': 0.011007485786479743, 'max_depth': 11, 'min_child_weight': 5.95355462203673, 'n_estimators': 300, 'subsample': 0.9420207915835069}
Epoch : 2941: f1_weighted Score 0.814 params {'colsample_bytree': 0.3436819080499594, 'gamma': 0.27463425042200945, 'learning_rate': 0.008458379231461668, 'max_depth': 17, 'min_child_weight': 5.729232652654942, 'n_estimators': 350, 'subsample': 0.9478263408450484}
Epoch : 2942: f1_weighted Score 0.814 params {'colsample_bytree': 0.3609518739706566, 'gamma': 0.8954181633194905, 'learning_rate': 0.005814125874906942, 'max_depth': 10, 'min_child_weight': 5.149311990739378, 'n_estimators': 550, 'subsample': 0.8609943747605706}
Epoch : 2943: f1_weighted Score 0.814 params {'colsample_bytree': 0.4657951018829745, 'gamma': 0.13686513773063463, 'learning_rate': 0.005718171939420054, 'max_depth': 12, 'min_child_weight': 5.548869341833361, 'n_estimators': 500, 'subsample': 0.9955133851804423}
Epoch : 2944: f1_weighted Score 0.812 params {'colsample_bytree': 0.4246039853583251, 'gamma': 0.14582369206609258, 'learning_rate': 0.006209121860867127, 'max_depth': 13, 'min_child_weight': 5.847244351540256, 'n_estimators': 450, 'subsample': 0.995157367939271}
Epoch : 2945: f1_weighted Score 0.809 params {'colsample_bytree': 0.47051030500046126, 'gamma': 0.0525680998284167, 'learning_rate': 0.0062528815352786695, 'max_depth': 20, 'min_child_weight': 5.1049196275179005, 'n_estimators': 525, 'subsample': 0.9704441116124587}
Epoch : 2946: f1_weighted Score 0.810 params {'colsample_bytree': 0.3274907463439408, 'gamma': 0.09575472203282182, 'learning_rate': 0.008505791807819761, 'max_depth': 12, 'min_child_weight': 6.219540207893645, 'n_estimators': 350, 'subsample': 0.9343236179919062}
Epoch : 2947: f1_weighted Score 0.812 params {'colsample_bytree': 0.43126980790198316, 'gamma': 0.5220828392332371, 'learning_rate': 0.005817226798008447, 'max_depth': 8, 'min_child_weight': 6.862535138975049, 'n_estimators': 500, 'subsample': 0.9727276043222678}
Epoch : 2948: f1_weighted Score 0.812 params {'colsample_bytree': 0.4180580314069638, 'gamma': 0.5255313061048834, 'learning_rate': 0.0130026112259172, 'max_depth': 14, 'min_child_weight': 3.9330589127934568, 'n_estimators': 200, 'subsample': 0.886762933882144}
Epoch : 2949: f1_weighted Score 0.814 params {'colsample_bytree': 0.33589748495791244, 'gamma': 0.5310582428778402, 'learning_rate': 0.013249590222215505, 'max_depth': 14, 'min_child_weight': 4.96130277766975, 'n_estimators': 225, 'subsample': 0.8954929769385243}
Epoch : 2950: f1_weighted Score 0.812 params {'colsample_bytree': 0.44745323591626984, 'gamma': 0.17352573563647108, 'learning_rate': 0.00520488541694926, 'max_depth': 18, 'min_child_weight': 6.108803105783788, 'n_estimators': 525, 'subsample': 0.9713701844450867}
Epoch : 2951: f1_weighted Score 0.802 params {'colsample_bytree': 0.44901557598640857, 'gamma': 0.37329194436828905, 'learning_rate': 0.008047418000207765, 'max_depth': 12, 'min_child_weight': 2.4621703525564542, 'n_estimators': 375, 'subsample': 0.875654071622974}
Epoch : 2952: f1_weighted Score 0.808 params {'colsample_bytree': 0.32372472681439046, 'gamma': 0.05675901164506937, 'learning_rate': 0.006357033522677047, 'max_depth': 12, 'min_child_weight': 4.7351513080638545, 'n_estimators': 475, 'subsample': 0.9363933035291719}
Epoch : 2953: f1_weighted Score 0.809 params {'colsample_bytree': 0.4240061461118785, 'gamma': 0.9666563020260633, 'learning_rate': 0.009825741668106267, 'max_depth': 10, 'min_child_weight': 3.5565994814221136, 'n_estimators': 325, 'subsample': 0.8552957415897773}
Epoch : 2954: f1_weighted Score 0.810 params {'colsample_bytree': 0.30099435495262816, 'gamma': 0.11792387728113021, 'learning_rate': 0.009300557509048617, 'max_depth': 11, 'min_child_weight': 6.135187448386717, 'n_estimators': 350, 'subsample': 0.9331445953351799}
Epoch : 2955: f1_weighted Score 0.814 params {'colsample_bytree': 0.3417698070526682, 'gamma': 0.5006168056240047, 'learning_rate': 0.005340427850519082, 'max_depth': 16, 'min_child_weight': 4.982548291498996, 'n_estimators': 600, 'subsample': 0.8791144557446703}
Epoch : 2956: f1_weighted Score 0.810 params {'colsample_bytree': 0.3009363710678613, 'gamma': 0.6222528130811709, 'learning_rate': 0.022258304229612808, 'max_depth': 12, 'min_child_weight': 5.32560290901934, 'n_estimators': 125, 'subsample': 0.9247447569236323}
Epoch : 2957: f1_weighted Score 0.814 params {'colsample_bytree': 0.4729113418455333, 'gamma': 0.7459829358433122, 'learning_rate': 0.009658162000172612, 'max_depth': 17, 'min_child_weight': 5.417637009819945, 'n_estimators': 300, 'subsample': 0.930988101564687}
Epoch : 2958: f1_weighted Score 0.812 params {'colsample_bytree': 0.4240543824438876, 'gamma': 0.9049724591972045, 'learning_rate': 0.01371188699201024, 'max_depth': 17, 'min_child_weight': 3.886547650442883, 'n_estimators': 175, 'subsample': 0.8734517561173678}
Epoch : 2959: f1_weighted Score 0.814 params {'colsample_bytree': 0.4066364714055951, 'gamma': 0.0231029662413089, 'learning_rate': 0.008307310468127374, 'max_depth': 13, 'min_child_weight': 5.305930341460729, 'n_estimators': 375, 'subsample': 0.8358757998654694}
Epoch : 2960: f1_weighted Score 0.793 params {'colsample_bytree': 0.4086005419132076, 'gamma': 0.9186499111121331, 'learning_rate': 0.014619897403835807, 'max_depth': 14, 'min_child_weight': 4.048533249795853, 'n_estimators': 800, 'subsample': 0.8778856054869202}
Epoch : 2961: f1_weighted Score 0.812 params {'colsample_bytree': 0.37255314062690814, 'gamma': 0.719598992667173, 'learning_rate': 0.007577737645616738, 'max_depth': 19, 'min_child_weight': 5.4256963334060995, 'n_estimators': 350, 'subsample': 0.9267990189851648}
Epoch : 2962: f1_weighted Score 0.810 params {'colsample_bytree': 0.3237045653197467, 'gamma': 0.49740301586925173, 'learning_rate': 0.012990560508848928, 'max_depth': 17, 'min_child_weight': 5.191048819537374, 'n_estimators': 225, 'subsample': 0.8959322826848087}
Epoch : 2963: f1_weighted Score 0.812 params {'colsample_bytree': 0.4385810022838815, 'gamma': 0.3814880333644356, 'learning_rate': 0.008510942546573164, 'max_depth': 14, 'min_child_weight': 5.88601836039653, 'n_estimators': 325, 'subsample': 0.930919970625332}
Epoch : 2964: f1_weighted Score 0.812 params {'colsample_bytree': 0.3840028986809226, 'gamma': 0.06828036263147039, 'learning_rate': 0.006004796088331545, 'max_depth': 6, 'min_child_weight': 4.581230469532207, 'n_estimators': 300, 'subsample': 0.8308430011949967}
Epoch : 2965: f1_weighted Score 0.812 params {'colsample_bytree': 0.41673959079366607, 'gamma': 0.9194105649871849, 'learning_rate': 0.013147942148534365, 'max_depth': 10, 'min_child_weight': 4.080139967075005, 'n_estimators': 200, 'subsample': 0.8785241712366598}
Epoch : 2966: f1_weighted Score 0.812 params {'colsample_bytree': 0.4283621988986993, 'gamma': 0.1165755421810121, 'learning_rate': 0.00614897434780163, 'max_depth': 13, 'min_child_weight': 6.256389899627644, 'n_estimators': 425, 'subsample': 0.976763529264021}
Epoch : 2967: f1_weighted Score 0.812 params {'colsample_bytree': 0.38903111574598404, 'gamma': 0.9400117990101535, 'learning_rate': 0.011526943235856622, 'max_depth': 18, 'min_child_weight': 7.3409610445829045, 'n_estimators': 275, 'subsample': 0.9228412333057731}
Epoch : 2968: f1_weighted Score 0.812 params {'colsample_bytree': 0.37167054616629663, 'gamma': 0.45392136254640425, 'learning_rate': 0.009616959100598135, 'max_depth': 18, 'min_child_weight': 5.9893400479194545, 'n_estimators': 375, 'subsample': 0.9667285885284126}
Epoch : 2969: f1_weighted Score 0.812 params {'colsample_bytree': 0.3910870822810595, 'gamma': 0.6039791802333581, 'learning_rate': 0.012418549166425999, 'max_depth': 15, 'min_child_weight': 5.16883999758476, 'n_estimators': 175, 'subsample': 0.9004551455477458}
Epoch : 2970: f1_weighted Score 0.812 params {'colsample_bytree': 0.4257751193284396, 'gamma': 0.7559119151918863, 'learning_rate': 0.011205751718246818, 'max_depth': 13, 'min_child_weight': 6.8353521607798795, 'n_estimators': 275, 'subsample': 0.882270874827024}
Epoch : 2971: f1_weighted Score 0.812 params {'colsample_bytree': 0.4063602671335389, 'gamma': 0.7459556220158697, 'learning_rate': 0.011927934766260657, 'max_depth': 12, 'min_child_weight': 6.281237329497981, 'n_estimators': 300, 'subsample': 0.9603274516028922}
Epoch : 2972: f1_weighted Score 0.812 params {'colsample_bytree': 0.3871674835222205, 'gamma': 0.35649746391228626, 'learning_rate': 0.0067234115850791755, 'max_depth': 6, 'min_child_weight': 4.86870853826228, 'n_estimators': 400, 'subsample': 0.8455801544820906}
Epoch : 2973: f1_weighted Score 0.810 params {'colsample_bytree': 0.3139055446443884, 'gamma': 0.664983871173555, 'learning_rate': 0.006385069933220965, 'max_depth': 20, 'min_child_weight': 4.944400376416219, 'n_estimators': 450, 'subsample': 0.9198838852967508}
Epoch : 2974: f1_weighted Score 0.814 params {'colsample_bytree': 0.4352501684298379, 'gamma': 0.007275923994560396, 'learning_rate': 0.0071571594287705735, 'max_depth': 12, 'min_child_weight': 5.468296903317179, 'n_estimators': 400, 'subsample': 0.9566467988979488}
Epoch : 2975: f1_weighted Score 0.812 params {'colsample_bytree': 0.44691529718105627, 'gamma': 0.7260198404801802, 'learning_rate': 0.010318649311899755, 'max_depth': 20, 'min_child_weight': 4.645941273888345, 'n_estimators': 275, 'subsample': 0.9489351657643863}
Epoch : 2976: f1_weighted Score 0.812 params {'colsample_bytree': 0.3860996259433512, 'gamma': 0.742232850149817, 'learning_rate': 0.010261277295655364, 'max_depth': 9, 'min_child_weight': 6.437707115047332, 'n_estimators': 300, 'subsample': 0.8873119399289835}
Epoch : 2977: f1_weighted Score 0.812 params {'colsample_bytree': 0.3645938614201333, 'gamma': 0.6940069816345876, 'learning_rate': 0.005943163177430437, 'max_depth': 19, 'min_child_weight': 5.609910798642588, 'n_estimators': 450, 'subsample': 0.9732590561029208}
Epoch : 2978: f1_weighted Score 0.811 params {'colsample_bytree': 0.6682971781733857, 'gamma': 0.11844330009870509, 'learning_rate': 0.006656384444363041, 'max_depth': 18, 'min_child_weight': 6.367934445791959, 'n_estimators': 425, 'subsample': 0.9734013559030584}
Epoch : 2979: f1_weighted Score 0.812 params {'colsample_bytree': 0.3448881010805916, 'gamma': 0.08598511030315384, 'learning_rate': 0.0066200525380521475, 'max_depth': 14, 'min_child_weight': 5.426117684487135, 'n_estimators': 525, 'subsample': 0.9658866608812495}
Epoch : 2980: f1_weighted Score 0.811 params {'colsample_bytree': 0.36384462790117256, 'gamma': 0.6685710311221045, 'learning_rate': 0.009158071994919643, 'max_depth': 12, 'min_child_weight': 3.328690821632166, 'n_estimators': 250, 'subsample': 0.9447313256787495}
Epoch : 2981: f1_weighted Score 0.810 params {'colsample_bytree': 0.301818455479082, 'gamma': 0.048835481901155414, 'learning_rate': 0.0065733848776780195, 'max_depth': 19, 'min_child_weight': 7.03319545091084, 'n_estimators': 475, 'subsample': 0.9078735094729645}
Epoch : 2982: f1_weighted Score 0.811 params {'colsample_bytree': 0.3983718028113775, 'gamma': 0.8627761548480598, 'learning_rate': 0.010722444572185087, 'max_depth': 14, 'min_child_weight': 3.19001744554921, 'n_estimators': 250, 'subsample': 0.8776590919160944}
Epoch : 2983: f1_weighted Score 0.814 params {'colsample_bytree': 0.342638196272865, 'gamma': 0.1633535134706975, 'learning_rate': 0.0062820447033792295, 'max_depth': 19, 'min_child_weight': 5.939444627976168, 'n_estimators': 450, 'subsample': 0.9840203676758309}
Epoch : 2984: f1_weighted Score 0.802 params {'colsample_bytree': 0.3310740284828019, 'gamma': 0.6179020696960366, 'learning_rate': 0.009103006279846015, 'max_depth': 19, 'min_child_weight': 3.7603049136010513, 'n_estimators': 225, 'subsample': 0.9438949293728889}
Epoch : 2985: f1_weighted Score 0.810 params {'colsample_bytree': 0.32876358261041216, 'gamma': 0.4042079087621422, 'learning_rate': 0.00817427634025649, 'max_depth': 9, 'min_child_weight': 5.721600499319937, 'n_estimators': 375, 'subsample': 0.9937421985104172}
Epoch : 2986: f1_weighted Score 0.814 params {'colsample_bytree': 0.3756997881403316, 'gamma': 0.7746144973785609, 'learning_rate': 0.016442726739049653, 'max_depth': 9, 'min_child_weight': 4.265160621856649, 'n_estimators': 150, 'subsample': 0.9393999222646552}
Epoch : 2987: f1_weighted Score 0.809 params {'colsample_bytree': 0.40070727414492746, 'gamma': 0.7797252332658947, 'learning_rate': 0.017115957471346355, 'max_depth': 18, 'min_child_weight': 6.107578726740757, 'n_estimators': 300, 'subsample': 0.9651066765700607}
Epoch : 2988: f1_weighted Score 0.814 params {'colsample_bytree': 0.40961264962002986, 'gamma': 0.5590397601722005, 'learning_rate': 0.007058475356131147, 'max_depth': 9, 'min_child_weight': 4.753830778024193, 'n_estimators': 400, 'subsample': 0.9037131831116473}
Epoch : 2989: f1_weighted Score 0.814 params {'colsample_bytree': 0.39900638211193384, 'gamma': 0.20805021873688256, 'learning_rate': 0.006479958434338243, 'max_depth': 8, 'min_child_weight': 4.691147923540914, 'n_estimators': 450, 'subsample': 0.9072939146562087}
Epoch : 2990: f1_weighted Score 0.814 params {'colsample_bytree': 0.4311160827585429, 'gamma': 0.13501008902250278, 'learning_rate': 0.006241516090753176, 'max_depth': 11, 'min_child_weight': 5.471059043011373, 'n_estimators': 425, 'subsample': 0.9686383501665224}
Epoch : 2991: f1_weighted Score 0.811 params {'colsample_bytree': 0.3507839267199988, 'gamma': 0.7852972494523244, 'learning_rate': 0.00895930772385941, 'max_depth': 13, 'min_child_weight': 3.6356229759490084, 'n_estimators': 225, 'subsample': 0.9464536822346806}
Epoch : 2992: f1_weighted Score 0.809 params {'colsample_bytree': 0.4964493479469658, 'gamma': 0.01129486937663093, 'learning_rate': 0.01154906238340838, 'max_depth': 19, 'min_child_weight': 4.05764044429039, 'n_estimators': 200, 'subsample': 0.9698577677492897}
Epoch : 2993: f1_weighted Score 0.814 params {'colsample_bytree': 0.44700057836615986, 'gamma': 0.8746289593766686, 'learning_rate': 0.010622240433001768, 'max_depth': 8, 'min_child_weight': 3.4329595361979828, 'n_estimators': 250, 'subsample': 0.8008585708999133}
Epoch : 2994: f1_weighted Score 0.805 params {'colsample_bytree': 0.4603300888249792, 'gamma': 0.9526346022000272, 'learning_rate': 0.010315554695351737, 'max_depth': 10, 'min_child_weight': 2.751185912423417, 'n_estimators': 275, 'subsample': 0.9385870791597012}
Epoch : 2995: f1_weighted Score 0.806 params {'colsample_bytree': 0.5043377274818015, 'gamma': 0.10003352992559536, 'learning_rate': 0.007054024439213652, 'max_depth': 9, 'min_child_weight': 3.852933572352096, 'n_estimators': 375, 'subsample': 0.9967267011146492}
Epoch : 2996: f1_weighted Score 0.808 params {'colsample_bytree': 0.49854654055154757, 'gamma': 0.07333224661851243, 'learning_rate': 0.007396977841255255, 'max_depth': 8, 'min_child_weight': 3.9451019048975176, 'n_estimators': 350, 'subsample': 0.9893692363908759}
Epoch : 2997: f1_weighted Score 0.814 params {'colsample_bytree': 0.36093228677334344, 'gamma': 0.6846139784010189, 'learning_rate': 0.007688396517758295, 'max_depth': 8, 'min_child_weight': 4.59758451300982, 'n_estimators': 350, 'subsample': 0.9190460753161793}
Epoch : 2998: f1_weighted Score 0.814 params {'colsample_bytree': 0.41474120525822417, 'gamma': 0.7322765874810058, 'learning_rate': 0.007797975714608798, 'max_depth': 10, 'min_child_weight': 5.062274767143727, 'n_estimators': 350, 'subsample': 0.9396351822074913}
Epoch : 2999: f1_weighted Score 0.812 params {'colsample_bytree': 0.45130877816231074, 'gamma': 0.9806623195564218, 'learning_rate': 0.009934095247935882, 'max_depth': 10, 'min_child_weight': 4.925338618471406, 'n_estimators': 325, 'subsample': 0.9390048213926421}
Epoch : 3000: f1_weighted Score 0.812 params {'colsample_bytree': 0.5159683463188603, 'gamma': 0.12882975102320865, 'learning_rate': 0.010497353155267054, 'max_depth': 17, 'min_child_weight': 4.302454389542407, 'n_estimators': 250, 'subsample': 0.9136630469378829}
the best option is: {'colsample_bytree': 0.41265058881787064, 'gamma': 0.8348574477095432, 'learning_rate': 0.006079735323522491, 'max_depth': 12, 'min_child_weight': 4.421100123672208, 'n_estimators': 575, 'subsample': 0.8139572653320858}
Cooresponding loss:
0.8073456990929134
In [245]:
LGB_space = {
        'max_depth': scope.int(hp.quniform('max_depth', 3, 20, 1)),
        'min_child_samples': scope.int(hp.quniform('min_child_samples', 4,30,2)),
        'subsample': hp.uniform ('subsample', 0.8, 1),
        'n_estimators' : scope.int(hp.quniform('n_estimators', 50, 1500, 25)),
        'learning_rate' : hp.loguniform('learning_rate', np.log(0.005), np.log(0.2)),
        'num_leaves': scope.int(hp.quniform('num_leaves', 8, 128, 2)),
        'colsample_bytree' : hp.uniform('colsample_bytree', 0.3, 1.0)
}
LGB = Bayesian_Optimizer(clf=lgb.LGBMClassifier, param_space=LGB_space, max_eval=3000)
LGB.HP_optimization()
Epoch : 1: f1_weighted Score 0.774 params {'colsample_bytree': 0.9183810810528319, 'learning_rate': 0.15262076201791128, 'max_depth': 11, 'min_child_samples': 6, 'n_estimators': 850, 'num_leaves': 84, 'subsample': 0.9675989407287058}
Epoch : 2: f1_weighted Score 0.789 params {'colsample_bytree': 0.9650854900877233, 'learning_rate': 0.007022691297324812, 'max_depth': 18, 'min_child_samples': 4, 'n_estimators': 900, 'num_leaves': 72, 'subsample': 0.8022396076191834}
Epoch : 3: f1_weighted Score 0.771 params {'colsample_bytree': 0.7037435054559169, 'learning_rate': 0.07487506351686637, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 1075, 'num_leaves': 36, 'subsample': 0.8622060128975177}
Epoch : 4: f1_weighted Score 0.786 params {'colsample_bytree': 0.7909591361108468, 'learning_rate': 0.05951386806329608, 'max_depth': 5, 'min_child_samples': 18, 'n_estimators': 200, 'num_leaves': 20, 'subsample': 0.9102634614594406}
Epoch : 5: f1_weighted Score 0.771 params {'colsample_bytree': 0.570971737577634, 'learning_rate': 0.0721072703901455, 'max_depth': 8, 'min_child_samples': 6, 'n_estimators': 1025, 'num_leaves': 30, 'subsample': 0.838318255553935}
Epoch : 6: f1_weighted Score 0.777 params {'colsample_bytree': 0.45804426334207876, 'learning_rate': 0.026793024716269397, 'max_depth': 14, 'min_child_samples': 16, 'n_estimators': 475, 'num_leaves': 88, 'subsample': 0.9681664634415204}
Epoch : 7: f1_weighted Score 0.780 params {'colsample_bytree': 0.6929588826368079, 'learning_rate': 0.037399624262581144, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 950, 'num_leaves': 52, 'subsample': 0.8628246345521566}
Epoch : 8: f1_weighted Score 0.763 params {'colsample_bytree': 0.7536631843677435, 'learning_rate': 0.17655934912311252, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 975, 'num_leaves': 42, 'subsample': 0.9677633801583813}
Epoch : 9: f1_weighted Score 0.749 params {'colsample_bytree': 0.3879276902321538, 'learning_rate': 0.01734262993314488, 'max_depth': 19, 'min_child_samples': 6, 'n_estimators': 775, 'num_leaves': 106, 'subsample': 0.8962156883756182}
Epoch : 10: f1_weighted Score 0.782 params {'colsample_bytree': 0.9502613856445099, 'learning_rate': 0.1328583192666858, 'max_depth': 9, 'min_child_samples': 16, 'n_estimators': 950, 'num_leaves': 28, 'subsample': 0.9514692389405576}
Epoch : 11: f1_weighted Score 0.789 params {'colsample_bytree': 0.7910025595768353, 'learning_rate': 0.005764764992214984, 'max_depth': 12, 'min_child_samples': 24, 'n_estimators': 1250, 'num_leaves': 52, 'subsample': 0.9762664366191296}
Epoch : 12: f1_weighted Score 0.765 params {'colsample_bytree': 0.3945870185388802, 'learning_rate': 0.01972164713753287, 'max_depth': 17, 'min_child_samples': 20, 'n_estimators': 1500, 'num_leaves': 108, 'subsample': 0.9343826970614193}
Epoch : 13: f1_weighted Score 0.770 params {'colsample_bytree': 0.6408449286784059, 'learning_rate': 0.09743510706445001, 'max_depth': 8, 'min_child_samples': 24, 'n_estimators': 1125, 'num_leaves': 76, 'subsample': 0.9902181122604572}
Epoch : 14: f1_weighted Score 0.795 params {'colsample_bytree': 0.6863386863658165, 'learning_rate': 0.010027970045486794, 'max_depth': 16, 'min_child_samples': 24, 'n_estimators': 1325, 'num_leaves': 108, 'subsample': 0.9275217831296073}
Epoch : 15: f1_weighted Score 0.778 params {'colsample_bytree': 0.7444182879588905, 'learning_rate': 0.027465230345392517, 'max_depth': 20, 'min_child_samples': 12, 'n_estimators': 1100, 'num_leaves': 100, 'subsample': 0.8413993619455977}
Epoch : 16: f1_weighted Score 0.772 params {'colsample_bytree': 0.840855781649523, 'learning_rate': 0.058385479725298645, 'max_depth': 10, 'min_child_samples': 8, 'n_estimators': 1000, 'num_leaves': 80, 'subsample': 0.8746948211890784}
Epoch : 17: f1_weighted Score 0.774 params {'colsample_bytree': 0.4249477472322413, 'learning_rate': 0.005277130784629811, 'max_depth': 13, 'min_child_samples': 10, 'n_estimators': 1500, 'num_leaves': 110, 'subsample': 0.9683326968753605}
Epoch : 18: f1_weighted Score 0.777 params {'colsample_bytree': 0.3854753763677812, 'learning_rate': 0.01611371929524255, 'max_depth': 7, 'min_child_samples': 10, 'n_estimators': 875, 'num_leaves': 110, 'subsample': 0.8356135431968779}
Epoch : 19: f1_weighted Score 0.724 params {'colsample_bytree': 0.5512481546684751, 'learning_rate': 0.005052148458397596, 'max_depth': 18, 'min_child_samples': 20, 'n_estimators': 175, 'num_leaves': 24, 'subsample': 0.8718044108549693}
Epoch : 20: f1_weighted Score 0.761 params {'colsample_bytree': 0.8720152973608102, 'learning_rate': 0.19262586580867852, 'max_depth': 11, 'min_child_samples': 12, 'n_estimators': 600, 'num_leaves': 54, 'subsample': 0.8793326829338819}
Epoch : 21: f1_weighted Score 0.795 params {'colsample_bytree': 0.9877757518616831, 'learning_rate': 0.0092204107667003, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 1275, 'num_leaves': 126, 'subsample': 0.8005261540921826}
Epoch : 22: f1_weighted Score 0.790 params {'colsample_bytree': 0.30512708195050686, 'learning_rate': 0.011337484754722169, 'max_depth': 16, 'min_child_samples': 26, 'n_estimators': 1325, 'num_leaves': 122, 'subsample': 0.9293060354670878}
Epoch : 23: f1_weighted Score 0.795 params {'colsample_bytree': 0.5783075744489178, 'learning_rate': 0.00929213897862294, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 1300, 'num_leaves': 126, 'subsample': 0.8022519606931668}
Epoch : 24: f1_weighted Score 0.787 params {'colsample_bytree': 0.5625520913688762, 'learning_rate': 0.011278060105360487, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 1400, 'num_leaves': 122, 'subsample': 0.9119909753618061}
Epoch : 25: f1_weighted Score 0.797 params {'colsample_bytree': 0.6161239478447039, 'learning_rate': 0.007276663968417695, 'max_depth': 14, 'min_child_samples': 22, 'n_estimators': 600, 'num_leaves': 94, 'subsample': 0.9390151882665182}
Epoch : 26: f1_weighted Score 0.810 params {'colsample_bytree': 0.48038684940300547, 'learning_rate': 0.007749834912799975, 'max_depth': 3, 'min_child_samples': 20, 'n_estimators': 600, 'num_leaves': 92, 'subsample': 0.8200636575183589}
Epoch : 27: f1_weighted Score 0.812 params {'colsample_bytree': 0.4939855648376208, 'learning_rate': 0.007074144243642674, 'max_depth': 3, 'min_child_samples': 20, 'n_estimators': 400, 'num_leaves': 92, 'subsample': 0.8212414195036988}
Epoch : 28: f1_weighted Score 0.807 params {'colsample_bytree': 0.48339963891863136, 'learning_rate': 0.012925128311646524, 'max_depth': 4, 'min_child_samples': 14, 'n_estimators': 350, 'num_leaves': 62, 'subsample': 0.8165880504623192}
Epoch : 29: f1_weighted Score 0.800 params {'colsample_bytree': 0.33791616206334285, 'learning_rate': 0.03946277770524206, 'max_depth': 3, 'min_child_samples': 20, 'n_estimators': 325, 'num_leaves': 10, 'subsample': 0.8253689170756184}
Epoch : 30: f1_weighted Score 0.810 params {'colsample_bytree': 0.486904904056638, 'learning_rate': 0.00719551892239208, 'max_depth': 3, 'min_child_samples': 22, 'n_estimators': 600, 'num_leaves': 88, 'subsample': 0.8183864913548159}
Epoch : 31: f1_weighted Score 0.564 params {'colsample_bytree': 0.5144084324920862, 'learning_rate': 0.006476796442187878, 'max_depth': 5, 'min_child_samples': 18, 'n_estimators': 75, 'num_leaves': 66, 'subsample': 0.8492159522152601}
Epoch : 32: f1_weighted Score 0.798 params {'colsample_bytree': 0.3096217821056942, 'learning_rate': 0.021145787136276042, 'max_depth': 4, 'min_child_samples': 22, 'n_estimators': 700, 'num_leaves': 84, 'subsample': 0.8096669328710273}
Epoch : 33: f1_weighted Score 0.794 params {'colsample_bytree': 0.5227016352230939, 'learning_rate': 0.013765700835643702, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 475, 'num_leaves': 72, 'subsample': 0.8898322087631078}
Epoch : 34: f1_weighted Score 0.810 params {'colsample_bytree': 0.6042124063521934, 'learning_rate': 0.00796674928279211, 'max_depth': 4, 'min_child_samples': 22, 'n_estimators': 350, 'num_leaves': 100, 'subsample': 0.8561381443799245}
Epoch : 35: f1_weighted Score 0.810 params {'colsample_bytree': 0.6259545150363905, 'learning_rate': 0.02349428124035183, 'max_depth': 5, 'min_child_samples': 14, 'n_estimators': 50, 'num_leaves': 118, 'subsample': 0.8545591293955803}
Epoch : 36: f1_weighted Score 0.795 params {'colsample_bytree': 0.633447916735581, 'learning_rate': 0.045167265487239906, 'max_depth': 6, 'min_child_samples': 14, 'n_estimators': 125, 'num_leaves': 116, 'subsample': 0.8362089929149851}
Epoch : 37: f1_weighted Score 0.809 params {'colsample_bytree': 0.6778039554994171, 'learning_rate': 0.01419794304198701, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 100, 'subsample': 0.9085296787312703}
Epoch : 38: f1_weighted Score 0.808 params {'colsample_bytree': 0.43352330264539235, 'learning_rate': 0.005015631027386571, 'max_depth': 10, 'min_child_samples': 18, 'n_estimators': 450, 'num_leaves': 92, 'subsample': 0.8263279694768186}
Epoch : 39: f1_weighted Score 0.766 params {'colsample_bytree': 0.3548476889857075, 'learning_rate': 0.0317461228538495, 'max_depth': 8, 'min_child_samples': 16, 'n_estimators': 775, 'num_leaves': 60, 'subsample': 0.8871850797522238}
Epoch : 40: f1_weighted Score 0.803 params {'colsample_bytree': 0.5128113556505496, 'learning_rate': 0.006447905357383008, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 700, 'num_leaves': 82, 'subsample': 0.809738500954045}
Epoch : 41: f1_weighted Score 0.800 params {'colsample_bytree': 0.4582837370355373, 'learning_rate': 0.008291871560769421, 'max_depth': 9, 'min_child_samples': 18, 'n_estimators': 525, 'num_leaves': 40, 'subsample': 0.8638029094702471}
Epoch : 42: f1_weighted Score 0.777 params {'colsample_bytree': 0.7986917951038704, 'learning_rate': 0.09016208563895806, 'max_depth': 5, 'min_child_samples': 4, 'n_estimators': 200, 'num_leaves': 116, 'subsample': 0.8523131726717295}
Epoch : 43: f1_weighted Score 0.793 params {'colsample_bytree': 0.7316536798934046, 'learning_rate': 0.017166758113860044, 'max_depth': 10, 'min_child_samples': 20, 'n_estimators': 425, 'num_leaves': 74, 'subsample': 0.8286268355994924}
Epoch : 44: f1_weighted Score 0.785 params {'colsample_bytree': 0.5897345808269757, 'learning_rate': 0.05135554326680775, 'max_depth': 5, 'min_child_samples': 14, 'n_estimators': 225, 'num_leaves': 118, 'subsample': 0.8442120014883124}
Epoch : 45: f1_weighted Score 0.776 params {'colsample_bytree': 0.6641754786185887, 'learning_rate': 0.14064431000245473, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 275, 'num_leaves': 102, 'subsample': 0.9012736906985248}
Epoch : 46: f1_weighted Score 0.764 params {'colsample_bytree': 0.40765713794738256, 'learning_rate': 0.0315135671839153, 'max_depth': 9, 'min_child_samples': 16, 'n_estimators': 1175, 'num_leaves': 90, 'subsample': 0.9934571130308587}
Epoch : 47: f1_weighted Score 0.810 params {'colsample_bytree': 0.7275872221017279, 'learning_rate': 0.0058163724601456015, 'max_depth': 6, 'min_child_samples': 22, 'n_estimators': 375, 'num_leaves': 80, 'subsample': 0.8624162651278158}
Epoch : 48: f1_weighted Score 0.812 params {'colsample_bytree': 0.8927583634910304, 'learning_rate': 0.0056268407744602235, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 400, 'num_leaves': 46, 'subsample': 0.9162217245152368}
Epoch : 49: f1_weighted Score 0.800 params {'colsample_bytree': 0.8964336685326104, 'learning_rate': 0.011137122194692815, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 525, 'num_leaves': 8, 'subsample': 0.9453708229232682}
Epoch : 50: f1_weighted Score 0.779 params {'colsample_bytree': 0.9438462487515242, 'learning_rate': 0.11380397215072212, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 675, 'num_leaves': 16, 'subsample': 0.9563740373170428}
Epoch : 51: f1_weighted Score 0.776 params {'colsample_bytree': 0.8402252966767354, 'learning_rate': 0.06721807876120918, 'max_depth': 8, 'min_child_samples': 26, 'n_estimators': 825, 'num_leaves': 48, 'subsample': 0.9204201820237168}
Epoch : 52: f1_weighted Score 0.800 params {'colsample_bytree': 0.9966537584005847, 'learning_rate': 0.0057858812586147265, 'max_depth': 13, 'min_child_samples': 24, 'n_estimators': 925, 'num_leaves': 32, 'subsample': 0.9191816135549309}
Epoch : 53: f1_weighted Score 0.812 params {'colsample_bytree': 0.8149510340547137, 'learning_rate': 0.019456268379341366, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 46, 'subsample': 0.9553818978061135}
Epoch : 54: f1_weighted Score 0.800 params {'colsample_bytree': 0.9107323016936315, 'learning_rate': 0.009793137252230003, 'max_depth': 20, 'min_child_samples': 12, 'n_estimators': 275, 'num_leaves': 34, 'subsample': 0.8991892733952259}
Epoch : 55: f1_weighted Score 0.780 params {'colsample_bytree': 0.5396309214532858, 'learning_rate': 0.026496364629552755, 'max_depth': 9, 'min_child_samples': 8, 'n_estimators': 400, 'num_leaves': 56, 'subsample': 0.9804527165990544}
Epoch : 56: f1_weighted Score 0.812 params {'colsample_bytree': 0.8202056628900309, 'learning_rate': 0.019461866320562002, 'max_depth': 3, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 26, 'subsample': 0.9586785741376205}
Epoch : 57: f1_weighted Score 0.814 params {'colsample_bytree': 0.773466033070907, 'learning_rate': 0.020294457556787934, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 28, 'subsample': 0.9593727098492726}
Epoch : 58: f1_weighted Score 0.806 params {'colsample_bytree': 0.7643774535829723, 'learning_rate': 0.0352918810019606, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 20, 'subsample': 0.9834053219179966}
Epoch : 59: f1_weighted Score 0.806 params {'colsample_bytree': 0.7703323660425346, 'learning_rate': 0.022350411889344304, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 26, 'subsample': 0.9648696601909761}
Epoch : 60: f1_weighted Score 0.792 params {'colsample_bytree': 0.7107366279938078, 'learning_rate': 0.04195606618739, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 38, 'subsample': 0.9994252391479334}
Epoch : 61: f1_weighted Score 0.796 params {'colsample_bytree': 0.6513247208126438, 'learning_rate': 0.015425324851757839, 'max_depth': 11, 'min_child_samples': 4, 'n_estimators': 550, 'num_leaves': 66, 'subsample': 0.9452440052966714}
Epoch : 62: f1_weighted Score 0.774 params {'colsample_bytree': 0.9683749781104656, 'learning_rate': 0.0933901363792322, 'max_depth': 8, 'min_child_samples': 26, 'n_estimators': 650, 'num_leaves': 16, 'subsample': 0.9339644683662871}
Epoch : 63: f1_weighted Score 0.805 params {'colsample_bytree': 0.8754586257177861, 'learning_rate': 0.05842288513622341, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 44, 'subsample': 0.9738128681038012}
Epoch : 64: f1_weighted Score 0.784 params {'colsample_bytree': 0.8304180823232687, 'learning_rate': 0.02516833512841633, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 825, 'num_leaves': 24, 'subsample': 0.9636480752915225}
Epoch : 65: f1_weighted Score 0.765 params {'colsample_bytree': 0.8815265804880325, 'learning_rate': 0.19828946842983114, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 1050, 'num_leaves': 52, 'subsample': 0.9228853353548437}
Epoch : 66: f1_weighted Score 0.812 params {'colsample_bytree': 0.8574772462732826, 'learning_rate': 0.01231768088562095, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 200, 'num_leaves': 70, 'subsample': 0.9111949652810446}
Epoch : 67: f1_weighted Score 0.812 params {'colsample_bytree': 0.705125720783771, 'learning_rate': 0.012760213923431053, 'max_depth': 3, 'min_child_samples': 18, 'n_estimators': 200, 'num_leaves': 96, 'subsample': 0.9060008196748169}
Epoch : 68: f1_weighted Score 0.806 params {'colsample_bytree': 0.7049275500109118, 'learning_rate': 0.019315271484381093, 'max_depth': 3, 'min_child_samples': 10, 'n_estimators': 175, 'num_leaves': 14, 'subsample': 0.9423650697218965}
Epoch : 69: f1_weighted Score 0.812 params {'colsample_bytree': 0.8554257750192586, 'learning_rate': 0.031462898422125664, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 62, 'subsample': 0.9999055082401372}
Epoch : 70: f1_weighted Score 0.810 params {'colsample_bytree': 0.7847634160101072, 'learning_rate': 0.030347132954677433, 'max_depth': 4, 'min_child_samples': 10, 'n_estimators': 50, 'num_leaves': 76, 'subsample': 0.9986142562179479}
Epoch : 71: f1_weighted Score 0.772 params {'colsample_bytree': 0.9301389683712048, 'learning_rate': 0.03358930942213765, 'max_depth': 7, 'min_child_samples': 6, 'n_estimators': 325, 'num_leaves': 60, 'subsample': 0.987894730419466}
Epoch : 72: f1_weighted Score 0.806 params {'colsample_bytree': 0.8142841314763403, 'learning_rate': 0.051183660590584525, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 30, 'subsample': 0.9707116718087824}
Epoch : 73: f1_weighted Score 0.788 params {'colsample_bytree': 0.9759246400026281, 'learning_rate': 0.08202910010604278, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 50, 'subsample': 0.9508309055322826}
Epoch : 74: f1_weighted Score 0.783 params {'colsample_bytree': 0.754357829166333, 'learning_rate': 0.07371642662418032, 'max_depth': 4, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 104, 'subsample': 0.8901577382319499}
Epoch : 75: f1_weighted Score 0.788 params {'colsample_bytree': 0.8551470877390356, 'learning_rate': 0.01701909835474654, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 1450, 'num_leaves': 40, 'subsample': 0.9797872700881849}
Epoch : 76: f1_weighted Score 0.782 params {'colsample_bytree': 0.9477068927389081, 'learning_rate': 0.05004400178695883, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 66, 'subsample': 0.9277924302995276}
Epoch : 77: f1_weighted Score 0.812 params {'colsample_bytree': 0.7321674903018582, 'learning_rate': 0.014517118505024466, 'max_depth': 6, 'min_child_samples': 18, 'n_estimators': 175, 'num_leaves': 84, 'subsample': 0.8764122817310676}
Epoch : 78: f1_weighted Score 0.801 params {'colsample_bytree': 0.68123495969261, 'learning_rate': 0.02893588144116942, 'max_depth': 9, 'min_child_samples': 8, 'n_estimators': 75, 'num_leaves': 86, 'subsample': 0.8761788497455311}
Epoch : 79: f1_weighted Score 0.811 params {'colsample_bytree': 0.7271579118141839, 'learning_rate': 0.014702848736742652, 'max_depth': 7, 'min_child_samples': 22, 'n_estimators': 175, 'num_leaves': 78, 'subsample': 0.8700798343096414}
Epoch : 80: f1_weighted Score 0.791 params {'colsample_bytree': 0.7935616919402929, 'learning_rate': 0.0240844552607407, 'max_depth': 10, 'min_child_samples': 16, 'n_estimators': 550, 'num_leaves': 62, 'subsample': 0.8842279728794584}
Epoch : 81: f1_weighted Score 0.779 params {'colsample_bytree': 0.6594204626332457, 'learning_rate': 0.03733024339976028, 'max_depth': 12, 'min_child_samples': 22, 'n_estimators': 750, 'num_leaves': 56, 'subsample': 0.8938509189674414}
Epoch : 82: f1_weighted Score 0.773 params {'colsample_bytree': 0.6083639793720808, 'learning_rate': 0.0655163947890194, 'max_depth': 18, 'min_child_samples': 12, 'n_estimators': 1225, 'num_leaves': 96, 'subsample': 0.991867192708044}
Epoch : 83: f1_weighted Score 0.780 params {'colsample_bytree': 0.920416304100359, 'learning_rate': 0.04307018553237032, 'max_depth': 8, 'min_child_samples': 20, 'n_estimators': 475, 'num_leaves': 72, 'subsample': 0.8673274600126972}
Epoch : 84: f1_weighted Score 0.812 params {'colsample_bytree': 0.7716416905710013, 'learning_rate': 0.00866334241223776, 'max_depth': 6, 'min_child_samples': 16, 'n_estimators': 250, 'num_leaves': 112, 'subsample': 0.9372585841329497}
Epoch : 85: f1_weighted Score 0.810 params {'colsample_bytree': 0.7420558440380806, 'learning_rate': 0.008673524808950006, 'max_depth': 6, 'min_child_samples': 14, 'n_estimators': 275, 'num_leaves': 108, 'subsample': 0.8810496402783125}
Epoch : 86: f1_weighted Score 0.811 params {'colsample_bytree': 0.8481984205731208, 'learning_rate': 0.010601258089431652, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 375, 'num_leaves': 88, 'subsample': 0.8465039681242763}
Epoch : 87: f1_weighted Score 0.796 params {'colsample_bytree': 0.7787994933561067, 'learning_rate': 0.011816056988362232, 'max_depth': 11, 'min_child_samples': 16, 'n_estimators': 225, 'num_leaves': 114, 'subsample': 0.9377590219553145}
Epoch : 88: f1_weighted Score 0.777 params {'colsample_bytree': 0.8082518613565335, 'learning_rate': 0.02179989831028545, 'max_depth': 4, 'min_child_samples': 14, 'n_estimators': 1000, 'num_leaves': 126, 'subsample': 0.9514088931435717}
Epoch : 89: f1_weighted Score 0.810 params {'colsample_bytree': 0.8963261393503216, 'learning_rate': 0.018234001435949266, 'max_depth': 15, 'min_child_samples': 16, 'n_estimators': 75, 'num_leaves': 36, 'subsample': 0.9319023607806047}
Epoch : 90: f1_weighted Score 0.775 params {'colsample_bytree': 0.6848058655683867, 'learning_rate': 0.02780648169940544, 'max_depth': 8, 'min_child_samples': 6, 'n_estimators': 450, 'num_leaves': 82, 'subsample': 0.8573905289859942}
Epoch : 91: f1_weighted Score 0.765 params {'colsample_bytree': 0.8330949184620094, 'learning_rate': 0.11898665953476584, 'max_depth': 5, 'min_child_samples': 12, 'n_estimators': 300, 'num_leaves': 12, 'subsample': 0.9860448662977004}
Epoch : 92: f1_weighted Score 0.797 params {'colsample_bytree': 0.5918786647664344, 'learning_rate': 0.006537643167719548, 'max_depth': 10, 'min_child_samples': 20, 'n_estimators': 1125, 'num_leaves': 20, 'subsample': 0.9960565839575437}
Epoch : 93: f1_weighted Score 0.765 params {'colsample_bytree': 0.6370388624909603, 'learning_rate': 0.0475131963064561, 'max_depth': 9, 'min_child_samples': 8, 'n_estimators': 875, 'num_leaves': 112, 'subsample': 0.9739000010467593}
Epoch : 94: f1_weighted Score 0.795 params {'colsample_bytree': 0.7568403841225838, 'learning_rate': 0.016116099245824807, 'max_depth': 7, 'min_child_samples': 18, 'n_estimators': 650, 'num_leaves': 122, 'subsample': 0.9608931487920702}
Epoch : 95: f1_weighted Score 0.811 params {'colsample_bytree': 0.6654378364604989, 'learning_rate': 0.013480962724145675, 'max_depth': 17, 'min_child_samples': 18, 'n_estimators': 150, 'num_leaves': 96, 'subsample': 0.9032287470470731}
Epoch : 96: f1_weighted Score 0.797 params {'colsample_bytree': 0.5589522117019449, 'learning_rate': 0.009344715757086928, 'max_depth': 6, 'min_child_samples': 10, 'n_estimators': 500, 'num_leaves': 120, 'subsample': 0.9153033775998075}
Epoch : 97: f1_weighted Score 0.800 params {'colsample_bytree': 0.7229181185552668, 'learning_rate': 0.00775856020063903, 'max_depth': 12, 'min_child_samples': 16, 'n_estimators': 425, 'num_leaves': 100, 'subsample': 0.923170128168717}
Epoch : 98: f1_weighted Score 0.793 params {'colsample_bytree': 0.7450691356059254, 'learning_rate': 0.010408407537394115, 'max_depth': 10, 'min_child_samples': 14, 'n_estimators': 575, 'num_leaves': 106, 'subsample': 0.8964279637142853}
Epoch : 99: f1_weighted Score 0.795 params {'colsample_bytree': 0.5408552281013865, 'learning_rate': 0.00865936634089556, 'max_depth': 19, 'min_child_samples': 12, 'n_estimators': 350, 'num_leaves': 86, 'subsample': 0.9376391189182817}
Epoch : 100: f1_weighted Score 0.793 params {'colsample_bytree': 0.8682280423605614, 'learning_rate': 0.037999649114958574, 'max_depth': 13, 'min_child_samples': 22, 'n_estimators': 1350, 'num_leaves': 70, 'subsample': 0.8315570235530745}
Epoch : 101: f1_weighted Score 0.788 params {'colsample_bytree': 0.7715823729379704, 'learning_rate': 0.014956509626089059, 'max_depth': 8, 'min_child_samples': 4, 'n_estimators': 750, 'num_leaves': 110, 'subsample': 0.9457829292045153}
Epoch : 102: f1_weighted Score 0.803 params {'colsample_bytree': 0.6206733163843144, 'learning_rate': 0.020663967970605334, 'max_depth': 11, 'min_child_samples': 20, 'n_estimators': 150, 'num_leaves': 126, 'subsample': 0.9080442712999486}
Epoch : 103: f1_weighted Score 0.812 params {'colsample_bytree': 0.5735049990339499, 'learning_rate': 0.005373947543202721, 'max_depth': 3, 'min_child_samples': 18, 'n_estimators': 225, 'num_leaves': 76, 'subsample': 0.9149797039039952}
Epoch : 104: f1_weighted Score 0.782 params {'colsample_bytree': 0.9319668286311452, 'learning_rate': 0.18236910282336422, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 100, 'num_leaves': 56, 'subsample': 0.9657224557206295}
Epoch : 105: f1_weighted Score 0.786 params {'colsample_bytree': 0.9888736017526722, 'learning_rate': 0.02533552452717849, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 625, 'num_leaves': 22, 'subsample': 0.9706253473952117}
Epoch : 106: f1_weighted Score 0.806 params {'colsample_bytree': 0.6919804720210282, 'learning_rate': 0.018161393360887547, 'max_depth': 3, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 44, 'subsample': 0.8382291597345959}
Epoch : 107: f1_weighted Score 0.772 params {'colsample_bytree': 0.9153370290207584, 'learning_rate': 0.1549536138698631, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 250, 'num_leaves': 32, 'subsample': 0.9805530423856126}
Epoch : 108: f1_weighted Score 0.796 params {'colsample_bytree': 0.8282574795971304, 'learning_rate': 0.03339783790868776, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 300, 'num_leaves': 62, 'subsample': 0.8738210984021342}
Epoch : 109: f1_weighted Score 0.791 params {'colsample_bytree': 0.7170965053638846, 'learning_rate': 0.06300637620002214, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 66, 'subsample': 0.8090320011875288}
Epoch : 110: f1_weighted Score 0.767 params {'colsample_bytree': 0.7979567562327659, 'learning_rate': 0.07988733363741653, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 950, 'num_leaves': 50, 'subsample': 0.8594690581080486}
Epoch : 111: f1_weighted Score 0.809 params {'colsample_bytree': 0.9618376475407189, 'learning_rate': 0.0061745447251451676, 'max_depth': 9, 'min_child_samples': 20, 'n_estimators': 425, 'num_leaves': 58, 'subsample': 0.9473279135827484}
Epoch : 112: f1_weighted Score 0.809 params {'colsample_bytree': 0.9061168073503766, 'learning_rate': 0.054585720465874385, 'max_depth': 6, 'min_child_samples': 22, 'n_estimators': 50, 'num_leaves': 28, 'subsample': 0.9555554250162664}
Epoch : 113: f1_weighted Score 0.797 params {'colsample_bytree': 0.8829047379738951, 'learning_rate': 0.023293013811932044, 'max_depth': 8, 'min_child_samples': 10, 'n_estimators': 325, 'num_leaves': 8, 'subsample': 0.9409457341870507}
Epoch : 114: f1_weighted Score 0.810 params {'colsample_bytree': 0.8036281828666462, 'learning_rate': 0.029093032327998862, 'max_depth': 3, 'min_child_samples': 14, 'n_estimators': 75, 'num_leaves': 40, 'subsample': 0.960557704828944}
Epoch : 115: f1_weighted Score 0.795 params {'colsample_bytree': 0.5894263334411243, 'learning_rate': 0.011525570333235164, 'max_depth': 6, 'min_child_samples': 12, 'n_estimators': 500, 'num_leaves': 94, 'subsample': 0.9247500578914944}
Epoch : 116: f1_weighted Score 0.797 params {'colsample_bytree': 0.7398352750080417, 'learning_rate': 0.006823324462307259, 'max_depth': 9, 'min_child_samples': 16, 'n_estimators': 725, 'num_leaves': 104, 'subsample': 0.8893470047990456}
Epoch : 117: f1_weighted Score 0.812 params {'colsample_bytree': 0.46399061476460274, 'learning_rate': 0.013645649008742296, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 68, 'subsample': 0.878200483673152}
Epoch : 118: f1_weighted Score 0.797 params {'colsample_bytree': 0.8657743938486712, 'learning_rate': 0.02615172399920966, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 825, 'num_leaves': 78, 'subsample': 0.8515255094521437}
Epoch : 119: f1_weighted Score 0.800 params {'colsample_bytree': 0.8493786609531897, 'learning_rate': 0.040750931422967734, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 84, 'subsample': 0.8413560401769647}
Epoch : 120: f1_weighted Score 0.787 params {'colsample_bytree': 0.6517978373136406, 'learning_rate': 0.012457032668417219, 'max_depth': 6, 'min_child_samples': 12, 'n_estimators': 1075, 'num_leaves': 90, 'subsample': 0.8844614733650011}
Epoch : 121: f1_weighted Score 0.799 params {'colsample_bytree': 0.6999592848714606, 'learning_rate': 0.035756356180980706, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 100, 'num_leaves': 74, 'subsample': 0.9850585256947896}
Epoch : 122: f1_weighted Score 0.790 params {'colsample_bytree': 0.7886284018531378, 'learning_rate': 0.0457950148085985, 'max_depth': 11, 'min_child_samples': 24, 'n_estimators': 175, 'num_leaves': 64, 'subsample': 0.8665274432295881}
Epoch : 123: f1_weighted Score 0.804 params {'colsample_bytree': 0.6427692130597786, 'learning_rate': 0.0071868653544982135, 'max_depth': 7, 'min_child_samples': 8, 'n_estimators': 275, 'num_leaves': 112, 'subsample': 0.9323312378166668}
Epoch : 124: f1_weighted Score 0.779 params {'colsample_bytree': 0.9324768249718578, 'learning_rate': 0.10597261722173097, 'max_depth': 10, 'min_child_samples': 22, 'n_estimators': 450, 'num_leaves': 36, 'subsample': 0.9935793794987491}
Epoch : 125: f1_weighted Score 0.780 params {'colsample_bytree': 0.666986691026549, 'learning_rate': 0.010042096282365675, 'max_depth': 12, 'min_child_samples': 6, 'n_estimators': 575, 'num_leaves': 80, 'subsample': 0.9276206752202493}
Epoch : 126: f1_weighted Score 0.784 params {'colsample_bytree': 0.758013060266543, 'learning_rate': 0.01581258895484469, 'max_depth': 13, 'min_child_samples': 14, 'n_estimators': 1200, 'num_leaves': 42, 'subsample': 0.9999041006447712}
Epoch : 127: f1_weighted Score 0.802 params {'colsample_bytree': 0.5125487655357288, 'learning_rate': 0.00922421461928475, 'max_depth': 6, 'min_child_samples': 18, 'n_estimators': 400, 'num_leaves': 98, 'subsample': 0.8950063194516799}
Epoch : 128: f1_weighted Score 0.802 params {'colsample_bytree': 0.6776676241557837, 'learning_rate': 0.008074444422089546, 'max_depth': 10, 'min_child_samples': 16, 'n_estimators': 350, 'num_leaves': 116, 'subsample': 0.8990974252228738}
Epoch : 129: f1_weighted Score 0.803 params {'colsample_bytree': 0.6037205446655458, 'learning_rate': 0.010953400910732578, 'max_depth': 9, 'min_child_samples': 10, 'n_estimators': 225, 'num_leaves': 104, 'subsample': 0.9492059469606501}
Epoch : 130: f1_weighted Score 0.799 params {'colsample_bytree': 0.7750472149959229, 'learning_rate': 0.0051394969190732085, 'max_depth': 7, 'min_child_samples': 18, 'n_estimators': 700, 'num_leaves': 122, 'subsample': 0.9113364892960799}
Epoch : 131: f1_weighted Score 0.812 params {'colsample_bytree': 0.8215075089554383, 'learning_rate': 0.031543132199979666, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 52, 'subsample': 0.8230398337436368}
Epoch : 132: f1_weighted Score 0.796 params {'colsample_bytree': 0.6305211679253936, 'learning_rate': 0.02077434099113126, 'max_depth': 8, 'min_child_samples': 20, 'n_estimators': 525, 'num_leaves': 92, 'subsample': 0.9049075656046714}
Epoch : 133: f1_weighted Score 0.811 params {'colsample_bytree': 0.9545046069847468, 'learning_rate': 0.016945664055704697, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 200, 'num_leaves': 18, 'subsample': 0.8324393028242385}
Epoch : 134: f1_weighted Score 0.806 params {'colsample_bytree': 0.7311734976081478, 'learning_rate': 0.00759850465957007, 'max_depth': 4, 'min_child_samples': 16, 'n_estimators': 625, 'num_leaves': 100, 'subsample': 0.9190387911008168}
Epoch : 135: f1_weighted Score 0.796 params {'colsample_bytree': 0.9756133657455206, 'learning_rate': 0.05508017195522858, 'max_depth': 3, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 60, 'subsample': 0.9770654961252548}
Epoch : 136: f1_weighted Score 0.807 params {'colsample_bytree': 0.9981684692054398, 'learning_rate': 0.023754011803766302, 'max_depth': 4, 'min_child_samples': 14, 'n_estimators': 125, 'num_leaves': 12, 'subsample': 0.9702251672816534}
Epoch : 137: f1_weighted Score 0.789 params {'colsample_bytree': 0.8908273000660292, 'learning_rate': 0.01830705995426598, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 775, 'num_leaves': 48, 'subsample': 0.8711285435529651}
Epoch : 138: f1_weighted Score 0.799 params {'colsample_bytree': 0.8402957752877004, 'learning_rate': 0.08381297209532933, 'max_depth': 19, 'min_child_samples': 22, 'n_estimators': 50, 'num_leaves': 24, 'subsample': 0.9901429156043975}
Epoch : 139: f1_weighted Score 0.790 params {'colsample_bytree': 0.8085692053602349, 'learning_rate': 0.022229816002898164, 'max_depth': 3, 'min_child_samples': 28, 'n_estimators': 1000, 'num_leaves': 54, 'subsample': 0.8484037525024614}
Epoch : 140: f1_weighted Score 0.794 params {'colsample_bytree': 0.8573725948116702, 'learning_rate': 0.014401231787501407, 'max_depth': 15, 'min_child_samples': 26, 'n_estimators': 900, 'num_leaves': 82, 'subsample': 0.976462856544814}
Epoch : 141: f1_weighted Score 0.799 params {'colsample_bytree': 0.5269704495714386, 'learning_rate': 0.008774684233782424, 'max_depth': 8, 'min_child_samples': 12, 'n_estimators': 375, 'num_leaves': 86, 'subsample': 0.9532200397041393}
Epoch : 142: f1_weighted Score 0.795 params {'colsample_bytree': 0.71628753586896, 'learning_rate': 0.029398023393608266, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 70, 'subsample': 0.8809159784478466}
Epoch : 143: f1_weighted Score 0.763 params {'colsample_bytree': 0.8779563869599674, 'learning_rate': 0.03379314694148811, 'max_depth': 7, 'min_child_samples': 20, 'n_estimators': 1500, 'num_leaves': 32, 'subsample': 0.9639500617418403}
Epoch : 144: f1_weighted Score 0.798 params {'colsample_bytree': 0.4380181249274508, 'learning_rate': 0.026966810940321547, 'max_depth': 9, 'min_child_samples': 26, 'n_estimators': 175, 'num_leaves': 74, 'subsample': 0.8135388976916552}
Epoch : 145: f1_weighted Score 0.792 params {'colsample_bytree': 0.7647586083731398, 'learning_rate': 0.06891204236606475, 'max_depth': 11, 'min_child_samples': 20, 'n_estimators': 325, 'num_leaves': 28, 'subsample': 0.9417835979133331}
Epoch : 146: f1_weighted Score 0.809 params {'colsample_bytree': 0.7840977431035303, 'learning_rate': 0.02003104006597351, 'max_depth': 5, 'min_child_samples': 18, 'n_estimators': 125, 'num_leaves': 128, 'subsample': 0.9824927261079411}
Epoch : 147: f1_weighted Score 0.809 params {'colsample_bytree': 0.6942283604672832, 'learning_rate': 0.011976818478073364, 'max_depth': 6, 'min_child_samples': 8, 'n_estimators': 225, 'num_leaves': 108, 'subsample': 0.9312344664054603}
Epoch : 148: f1_weighted Score 0.746 params {'colsample_bytree': 0.7449591021094192, 'learning_rate': 0.012845661073097056, 'max_depth': 7, 'min_child_samples': 16, 'n_estimators': 50, 'num_leaves': 44, 'subsample': 0.9359390058448523}
Epoch : 149: f1_weighted Score 0.810 params {'colsample_bytree': 0.8319275632892997, 'learning_rate': 0.015642687088276874, 'max_depth': 5, 'min_child_samples': 18, 'n_estimators': 100, 'num_leaves': 90, 'subsample': 0.9013193413374176}
Epoch : 150: f1_weighted Score 0.805 params {'colsample_bytree': 0.9008924626895275, 'learning_rate': 0.01719135068345942, 'max_depth': 4, 'min_child_samples': 14, 'n_estimators': 275, 'num_leaves': 78, 'subsample': 0.9589736720702803}
Epoch : 151: f1_weighted Score 0.812 params {'colsample_bytree': 0.6744370285304119, 'learning_rate': 0.009709080868466995, 'max_depth': 6, 'min_child_samples': 22, 'n_estimators': 150, 'num_leaves': 118, 'subsample': 0.9669090661249049}
Epoch : 152: f1_weighted Score 0.812 params {'colsample_bytree': 0.7987669968837172, 'learning_rate': 0.018968030634458344, 'max_depth': 4, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 94, 'subsample': 0.9882190006217373}
Epoch : 153: f1_weighted Score 0.797 params {'colsample_bytree': 0.7064365691357978, 'learning_rate': 0.018820297712804683, 'max_depth': 4, 'min_child_samples': 14, 'n_estimators': 425, 'num_leaves': 102, 'subsample': 0.9451824804734852}
Epoch : 154: f1_weighted Score 0.801 params {'colsample_bytree': 0.8160404634645392, 'learning_rate': 0.013920298466591728, 'max_depth': 3, 'min_child_samples': 12, 'n_estimators': 375, 'num_leaves': 96, 'subsample': 0.9723339863977598}
Epoch : 155: f1_weighted Score 0.812 params {'colsample_bytree': 0.8652199167480802, 'learning_rate': 0.02182085106006925, 'max_depth': 3, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 84, 'subsample': 0.9962456536268745}
Epoch : 156: f1_weighted Score 0.812 params {'colsample_bytree': 0.8014698862541071, 'learning_rate': 0.04263291176209901, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 88, 'subsample': 0.9993901016233157}
Epoch : 157: f1_weighted Score 0.812 params {'colsample_bytree': 0.9246625399796505, 'learning_rate': 0.062265022605776085, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 88, 'subsample': 0.9896408754045452}
Epoch : 158: f1_weighted Score 0.792 params {'colsample_bytree': 0.7904678797918002, 'learning_rate': 0.039127543446377, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 124, 'subsample': 0.9780134679116393}
Epoch : 159: f1_weighted Score 0.812 params {'colsample_bytree': 0.7531749890707025, 'learning_rate': 0.006151206637402723, 'max_depth': 6, 'min_child_samples': 10, 'n_estimators': 250, 'num_leaves': 114, 'subsample': 0.890847701999835}
Epoch : 160: f1_weighted Score 0.774 params {'colsample_bytree': 0.7983644208605837, 'learning_rate': 0.051285881297985496, 'max_depth': 8, 'min_child_samples': 4, 'n_estimators': 500, 'num_leaves': 108, 'subsample': 0.9948014090006108}
Epoch : 161: f1_weighted Score 0.791 params {'colsample_bytree': 0.9441606221583543, 'learning_rate': 0.025393036579714045, 'max_depth': 3, 'min_child_samples': 6, 'n_estimators': 450, 'num_leaves': 114, 'subsample': 0.986027856374543}
Epoch : 162: f1_weighted Score 0.782 params {'colsample_bytree': 0.7418882436546834, 'learning_rate': 0.033114498937352556, 'max_depth': 6, 'min_child_samples': 8, 'n_estimators': 225, 'num_leaves': 68, 'subsample': 0.8931724414321318}
Epoch : 163: f1_weighted Score 0.798 params {'colsample_bytree': 0.849114758073734, 'learning_rate': 0.04446125315821477, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 72, 'subsample': 0.9985836529412117}
Epoch : 164: f1_weighted Score 0.794 params {'colsample_bytree': 0.7749527539269816, 'learning_rate': 0.007502549366491041, 'max_depth': 17, 'min_child_samples': 10, 'n_estimators': 550, 'num_leaves': 120, 'subsample': 0.9247342307680404}
Epoch : 165: f1_weighted Score 0.796 params {'colsample_bytree': 0.6531078841157593, 'learning_rate': 0.006110535972492585, 'max_depth': 7, 'min_child_samples': 4, 'n_estimators': 350, 'num_leaves': 124, 'subsample': 0.8604478740777964}
Epoch : 166: f1_weighted Score 0.801 params {'colsample_bytree': 0.6141658617964895, 'learning_rate': 0.010832923042212853, 'max_depth': 8, 'min_child_samples': 10, 'n_estimators': 275, 'num_leaves': 54, 'subsample': 0.8860168891076731}
Epoch : 167: f1_weighted Score 0.782 params {'colsample_bytree': 0.7558974531838647, 'learning_rate': 0.03594759896905239, 'max_depth': 9, 'min_child_samples': 6, 'n_estimators': 200, 'num_leaves': 38, 'subsample': 0.8746778964214665}
Epoch : 168: f1_weighted Score 0.807 params {'colsample_bytree': 0.7263733269790061, 'learning_rate': 0.005404959134724351, 'max_depth': 10, 'min_child_samples': 8, 'n_estimators': 250, 'num_leaves': 112, 'subsample': 0.8535876714059576}
Epoch : 169: f1_weighted Score 0.792 params {'colsample_bytree': 0.8215184733744324, 'learning_rate': 0.023616762514737325, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 400, 'num_leaves': 48, 'subsample': 0.8687788286749173}
Epoch : 170: f1_weighted Score 0.790 params {'colsample_bytree': 0.8888700644436627, 'learning_rate': 0.10360704125884847, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 58, 'subsample': 0.9999217060551183}
Epoch : 171: f1_weighted Score 0.784 params {'colsample_bytree': 0.7628221368534519, 'learning_rate': 0.0066406852469677174, 'max_depth': 7, 'min_child_samples': 12, 'n_estimators': 1400, 'num_leaves': 116, 'subsample': 0.9148138447516749}
Epoch : 172: f1_weighted Score 0.777 params {'colsample_bytree': 0.5854466627097931, 'learning_rate': 0.008399219226841767, 'max_depth': 8, 'min_child_samples': 6, 'n_estimators': 650, 'num_leaves': 102, 'subsample': 0.9082353834271081}
Epoch : 173: f1_weighted Score 0.797 params {'colsample_bytree': 0.5675782843630914, 'learning_rate': 0.005677100556130621, 'max_depth': 9, 'min_child_samples': 10, 'n_estimators': 600, 'num_leaves': 110, 'subsample': 0.8816813583051375}
Epoch : 174: f1_weighted Score 0.812 params {'colsample_bytree': 0.6905720307429917, 'learning_rate': 0.006183890107073709, 'max_depth': 6, 'min_child_samples': 16, 'n_estimators': 325, 'num_leaves': 106, 'subsample': 0.8922035785391923}
Epoch : 175: f1_weighted Score 0.795 params {'colsample_bytree': 0.6370419438592507, 'learning_rate': 0.006156545514802256, 'max_depth': 9, 'min_child_samples': 14, 'n_estimators': 500, 'num_leaves': 126, 'subsample': 0.9186390003472567}
Epoch : 176: f1_weighted Score 0.771 params {'colsample_bytree': 0.3293437684561214, 'learning_rate': 0.006967690307261723, 'max_depth': 10, 'min_child_samples': 16, 'n_estimators': 325, 'num_leaves': 120, 'subsample': 0.8894178467968498}
Epoch : 177: f1_weighted Score 0.790 params {'colsample_bytree': 0.5984381851020597, 'learning_rate': 0.01015772289490427, 'max_depth': 12, 'min_child_samples': 10, 'n_estimators': 350, 'num_leaves': 94, 'subsample': 0.8786150681588374}
Epoch : 178: f1_weighted Score 0.798 params {'colsample_bytree': 0.6927575854021241, 'learning_rate': 0.005174488286644102, 'max_depth': 4, 'min_child_samples': 4, 'n_estimators': 475, 'num_leaves': 106, 'subsample': 0.895652914868403}
Epoch : 179: f1_weighted Score 0.798 params {'colsample_bytree': 0.6253535932843614, 'learning_rate': 0.011663034766773607, 'max_depth': 6, 'min_child_samples': 12, 'n_estimators': 400, 'num_leaves': 98, 'subsample': 0.8649990418177472}
Epoch : 180: f1_weighted Score 0.805 params {'colsample_bytree': 0.8339673719059456, 'learning_rate': 0.04868509003651206, 'max_depth': 3, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 98, 'subsample': 0.9844648973112796}
Epoch : 181: f1_weighted Score 0.800 params {'colsample_bytree': 0.7138784275324492, 'learning_rate': 0.0282250243194179, 'max_depth': 8, 'min_child_samples': 24, 'n_estimators': 200, 'num_leaves': 34, 'subsample': 0.8995682990628188}
Epoch : 182: f1_weighted Score 0.800 params {'colsample_bytree': 0.3722199302379396, 'learning_rate': 0.041233150805503264, 'max_depth': 5, 'min_child_samples': 8, 'n_estimators': 75, 'num_leaves': 80, 'subsample': 0.8404427506762147}
Epoch : 183: f1_weighted Score 0.806 params {'colsample_bytree': 0.9132722838169285, 'learning_rate': 0.07570210532715808, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 64, 'subsample': 0.9743430600927138}
Epoch : 184: f1_weighted Score 0.797 params {'colsample_bytree': 0.6639712106285452, 'learning_rate': 0.008894752827999487, 'max_depth': 14, 'min_child_samples': 16, 'n_estimators': 425, 'num_leaves': 116, 'subsample': 0.9048446022852197}
Epoch : 185: f1_weighted Score 0.762 params {'colsample_bytree': 0.7767819105503602, 'learning_rate': 0.13384574820667305, 'max_depth': 11, 'min_child_samples': 10, 'n_estimators': 250, 'num_leaves': 114, 'subsample': 0.9558441512744034}
Epoch : 186: f1_weighted Score 0.809 params {'colsample_bytree': 0.8628834572743453, 'learning_rate': 0.030268328336095923, 'max_depth': 7, 'min_child_samples': 12, 'n_estimators': 100, 'num_leaves': 16, 'subsample': 0.9523572535730411}
Epoch : 187: f1_weighted Score 0.806 params {'colsample_bytree': 0.6824088300159047, 'learning_rate': 0.005689205330285613, 'max_depth': 4, 'min_child_samples': 14, 'n_estimators': 550, 'num_leaves': 104, 'subsample': 0.8881821892381271}
Epoch : 188: f1_weighted Score 0.785 params {'colsample_bytree': 0.7354264658069705, 'learning_rate': 0.01642236130023571, 'max_depth': 7, 'min_child_samples': 22, 'n_estimators': 1275, 'num_leaves': 62, 'subsample': 0.8726958189069902}
Epoch : 189: f1_weighted Score 0.793 params {'colsample_bytree': 0.9716958024270878, 'learning_rate': 0.08853602884335174, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 10, 'subsample': 0.9626792075159096}
Epoch : 190: f1_weighted Score 0.783 params {'colsample_bytree': 0.8726231218431612, 'learning_rate': 0.05612436480370241, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 150, 'num_leaves': 76, 'subsample': 0.845151185403577}
Epoch : 191: f1_weighted Score 0.768 params {'colsample_bytree': 0.7107739459937572, 'learning_rate': 0.11586616737985714, 'max_depth': 6, 'min_child_samples': 20, 'n_estimators': 300, 'num_leaves': 26, 'subsample': 0.8922557117433589}
Epoch : 192: f1_weighted Score 0.787 params {'colsample_bytree': 0.9399586782726964, 'learning_rate': 0.008142898094856509, 'max_depth': 8, 'min_child_samples': 6, 'n_estimators': 450, 'num_leaves': 42, 'subsample': 0.9270412860750628}
Epoch : 193: f1_weighted Score 0.787 params {'colsample_bytree': 0.6457106797547831, 'learning_rate': 0.013036922292749581, 'max_depth': 9, 'min_child_samples': 18, 'n_estimators': 800, 'num_leaves': 122, 'subsample': 0.9209447884201554}
Epoch : 194: f1_weighted Score 0.763 params {'colsample_bytree': 0.5464337159389763, 'learning_rate': 0.06056116588363031, 'max_depth': 3, 'min_child_samples': 14, 'n_estimators': 675, 'num_leaves': 20, 'subsample': 0.912030659416273}
Epoch : 195: f1_weighted Score 0.797 params {'colsample_bytree': 0.8134517301525009, 'learning_rate': 0.01517071077277368, 'max_depth': 7, 'min_child_samples': 8, 'n_estimators': 225, 'num_leaves': 58, 'subsample': 0.9404933581951033}
Epoch : 196: f1_weighted Score 0.775 params {'colsample_bytree': 0.7331371672751296, 'learning_rate': 0.020567383117142533, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 1150, 'num_leaves': 46, 'subsample': 0.8587426296353007}
Epoch : 197: f1_weighted Score 0.810 params {'colsample_bytree': 0.8410242894920704, 'learning_rate': 0.04370936166680201, 'max_depth': 3, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 88, 'subsample': 0.9995509367672477}
Epoch : 198: f1_weighted Score 0.809 params {'colsample_bytree': 0.9549448006592987, 'learning_rate': 0.07328232025962608, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 50, 'num_leaves': 50, 'subsample': 0.9927088158503657}
Epoch : 199: f1_weighted Score 0.788 params {'colsample_bytree': 0.8027877871902868, 'learning_rate': 0.03798518001474746, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 94, 'subsample': 0.9895398655787101}
Epoch : 200: f1_weighted Score 0.801 params {'colsample_bytree': 0.7526428434348501, 'learning_rate': 0.007347585396722077, 'max_depth': 10, 'min_child_samples': 16, 'n_estimators': 525, 'num_leaves': 110, 'subsample': 0.9140375794478606}
Epoch : 201: f1_weighted Score 0.796 params {'colsample_bytree': 0.7826593996088446, 'learning_rate': 0.025163602403941356, 'max_depth': 8, 'min_child_samples': 26, 'n_estimators': 175, 'num_leaves': 86, 'subsample': 0.8635333911735904}
Epoch : 202: f1_weighted Score 0.812 params {'colsample_bytree': 0.7012193443698443, 'learning_rate': 0.005097597433952259, 'max_depth': 11, 'min_child_samples': 18, 'n_estimators': 325, 'num_leaves': 128, 'subsample': 0.9354356896633377}
Epoch : 203: f1_weighted Score 0.812 params {'colsample_bytree': 0.9067855790987558, 'learning_rate': 0.03454038373871751, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 72, 'subsample': 0.9668534745310604}
Epoch : 204: f1_weighted Score 0.763 params {'colsample_bytree': 0.9023835093887072, 'learning_rate': 0.06800404853722565, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 1050, 'num_leaves': 30, 'subsample': 0.9693129770095105}
Epoch : 205: f1_weighted Score 0.789 params {'colsample_bytree': 0.6146829702329023, 'learning_rate': 0.009205782606472425, 'max_depth': 6, 'min_child_samples': 12, 'n_estimators': 725, 'num_leaves': 106, 'subsample': 0.9084791144470731}
Epoch : 206: f1_weighted Score 0.809 params {'colsample_bytree': 0.9145868435118732, 'learning_rate': 0.011200882208730726, 'max_depth': 3, 'min_child_samples': 20, 'n_estimators': 375, 'num_leaves': 120, 'subsample': 0.9438242384293044}
Epoch : 207: f1_weighted Score 0.793 params {'colsample_bytree': 0.989740689487428, 'learning_rate': 0.013863270736831839, 'max_depth': 4, 'min_child_samples': 6, 'n_estimators': 575, 'num_leaves': 112, 'subsample': 0.9483489839723261}
Epoch : 208: f1_weighted Score 0.779 params {'colsample_bytree': 0.8469239493067232, 'learning_rate': 0.05455141500809952, 'max_depth': 3, 'min_child_samples': 30, 'n_estimators': 950, 'num_leaves': 68, 'subsample': 0.9815502100501452}
Epoch : 209: f1_weighted Score 0.805 params {'colsample_bytree': 0.7481786373628946, 'learning_rate': 0.017518791116250012, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 200, 'num_leaves': 82, 'subsample': 0.8337325534982578}
Epoch : 210: f1_weighted Score 0.773 params {'colsample_bytree': 0.6744176059927873, 'learning_rate': 0.022535844048892584, 'max_depth': 9, 'min_child_samples': 4, 'n_estimators': 850, 'num_leaves': 76, 'subsample': 0.8273936275209064}
Epoch : 211: f1_weighted Score 0.807 params {'colsample_bytree': 0.6880851429094882, 'learning_rate': 0.006420041257554239, 'max_depth': 10, 'min_child_samples': 10, 'n_estimators': 275, 'num_leaves': 102, 'subsample': 0.8969026985053434}
Epoch : 212: f1_weighted Score 0.785 params {'colsample_bytree': 0.9628315996289946, 'learning_rate': 0.1592268080326517, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 38, 'subsample': 0.9637330809894026}
Epoch : 213: f1_weighted Score 0.806 params {'colsample_bytree': 0.881341347557158, 'learning_rate': 0.027088487031337625, 'max_depth': 3, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 92, 'subsample': 0.9893238885363824}
Epoch : 214: f1_weighted Score 0.782 params {'colsample_bytree': 0.5025834302078165, 'learning_rate': 0.012400334482771148, 'max_depth': 8, 'min_child_samples': 8, 'n_estimators': 475, 'num_leaves': 128, 'subsample': 0.882912590073641}
Epoch : 215: f1_weighted Score 0.805 params {'colsample_bytree': 0.5585676306560807, 'learning_rate': 0.0059629366413711865, 'max_depth': 6, 'min_child_samples': 16, 'n_estimators': 625, 'num_leaves': 118, 'subsample': 0.9308434494552504}
Epoch : 216: f1_weighted Score 0.812 params {'colsample_bytree': 0.7202192624878779, 'learning_rate': 0.014986354169299868, 'max_depth': 4, 'min_child_samples': 22, 'n_estimators': 150, 'num_leaves': 64, 'subsample': 0.8766475906632817}
Epoch : 217: f1_weighted Score 0.792 params {'colsample_bytree': 0.5332936697800541, 'learning_rate': 0.009818211580119683, 'max_depth': 7, 'min_child_samples': 14, 'n_estimators': 400, 'num_leaves': 22, 'subsample': 0.8021002758963216}
Epoch : 218: f1_weighted Score 0.775 params {'colsample_bytree': 0.7662043021443949, 'learning_rate': 0.04728977120900025, 'max_depth': 7, 'min_child_samples': 12, 'n_estimators': 250, 'num_leaves': 124, 'subsample': 0.9571770309752277}
Epoch : 219: f1_weighted Score 0.803 params {'colsample_bytree': 0.6562137721066706, 'learning_rate': 0.007943668581948492, 'max_depth': 9, 'min_child_samples': 18, 'n_estimators': 350, 'num_leaves': 108, 'subsample': 0.9040426601845836}
Epoch : 220: f1_weighted Score 0.805 params {'colsample_bytree': 0.8292135244437043, 'learning_rate': 0.019251187147893416, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 90, 'subsample': 0.9788586853503615}
Epoch : 221: f1_weighted Score 0.791 params {'colsample_bytree': 0.7663584467684964, 'learning_rate': 0.010339803405123403, 'max_depth': 12, 'min_child_samples': 20, 'n_estimators': 450, 'num_leaves': 98, 'subsample': 0.9367288690784543}
Epoch : 222: f1_weighted Score 0.806 params {'colsample_bytree': 0.5727553219014307, 'learning_rate': 0.0050100288675450945, 'max_depth': 8, 'min_child_samples': 16, 'n_estimators': 500, 'num_leaves': 112, 'subsample': 0.9241367678085772}
Epoch : 223: f1_weighted Score 0.789 params {'colsample_bytree': 0.40483653949257475, 'learning_rate': 0.10447977899953047, 'max_depth': 5, 'min_child_samples': 6, 'n_estimators': 50, 'num_leaves': 100, 'subsample': 0.8917581511070647}
Epoch : 224: f1_weighted Score 0.789 params {'colsample_bytree': 0.7877770561968758, 'learning_rate': 0.021388192734498903, 'max_depth': 6, 'min_child_samples': 22, 'n_estimators': 900, 'num_leaves': 34, 'subsample': 0.9184531824570312}
Epoch : 225: f1_weighted Score 0.774 params {'colsample_bytree': 0.6291280845134466, 'learning_rate': 0.03233578548557114, 'max_depth': 6, 'min_child_samples': 12, 'n_estimators': 675, 'num_leaves': 54, 'subsample': 0.8855333219665839}
Epoch : 226: f1_weighted Score 0.789 params {'colsample_bytree': 0.8003143854602541, 'learning_rate': 0.051003240624071994, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 96, 'subsample': 0.99593416391667}
Epoch : 227: f1_weighted Score 0.787 params {'colsample_bytree': 0.6027270382311747, 'learning_rate': 0.06359020453319145, 'max_depth': 15, 'min_child_samples': 4, 'n_estimators': 175, 'num_leaves': 102, 'subsample': 0.8542923967755554}
Epoch : 228: f1_weighted Score 0.810 params {'colsample_bytree': 0.9408861442073, 'learning_rate': 0.04078829884803157, 'max_depth': 3, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 12, 'subsample': 0.9669965606891564}
Epoch : 229: f1_weighted Score 0.795 params {'colsample_bytree': 0.9987298368794147, 'learning_rate': 0.03628696884222207, 'max_depth': 20, 'min_child_samples': 26, 'n_estimators': 150, 'num_leaves': 46, 'subsample': 0.9730223349432325}
Epoch : 230: f1_weighted Score 0.802 params {'colsample_bytree': 0.6987076794178356, 'learning_rate': 0.005517416104856682, 'max_depth': 16, 'min_child_samples': 10, 'n_estimators': 350, 'num_leaves': 118, 'subsample': 0.8984291421849843}
Epoch : 231: f1_weighted Score 0.808 params {'colsample_bytree': 0.8172270046927684, 'learning_rate': 0.006613339576095947, 'max_depth': 5, 'min_child_samples': 14, 'n_estimators': 400, 'num_leaves': 114, 'subsample': 0.9283574025740445}
Epoch : 232: f1_weighted Score 0.782 params {'colsample_bytree': 0.9225397518424754, 'learning_rate': 0.09107248569467846, 'max_depth': 7, 'min_child_samples': 8, 'n_estimators': 300, 'num_leaves': 8, 'subsample': 0.8497866730093224}
Epoch : 233: f1_weighted Score 0.810 params {'colsample_bytree': 0.7282356708747908, 'learning_rate': 0.01613080575177568, 'max_depth': 9, 'min_child_samples': 24, 'n_estimators': 175, 'num_leaves': 80, 'subsample': 0.8677691120542657}
Epoch : 234: f1_weighted Score 0.774 params {'colsample_bytree': 0.46109278517682045, 'learning_rate': 0.07928196602739175, 'max_depth': 6, 'min_child_samples': 20, 'n_estimators': 250, 'num_leaves': 72, 'subsample': 0.9017497490860655}
Epoch : 235: f1_weighted Score 0.795 params {'colsample_bytree': 0.6694889063475811, 'learning_rate': 0.006986310930189906, 'max_depth': 19, 'min_child_samples': 12, 'n_estimators': 525, 'num_leaves': 106, 'subsample': 0.9498267093349426}
Epoch : 236: f1_weighted Score 0.788 params {'colsample_bytree': 0.6421677406598495, 'learning_rate': 0.008526771592608557, 'max_depth': 10, 'min_child_samples': 18, 'n_estimators': 575, 'num_leaves': 126, 'subsample': 0.9392505554692657}
Epoch : 237: f1_weighted Score 0.812 params {'colsample_bytree': 0.8704388992368346, 'learning_rate': 0.03152223302617908, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 50, 'num_leaves': 60, 'subsample': 0.9994740882314203}
Epoch : 238: f1_weighted Score 0.804 params {'colsample_bytree': 0.8567034800143575, 'learning_rate': 0.04312887394895222, 'max_depth': 8, 'min_child_samples': 8, 'n_estimators': 75, 'num_leaves': 86, 'subsample': 0.9351504707481744}
Epoch : 239: f1_weighted Score 0.802 params {'colsample_bytree': 0.8909276163696166, 'learning_rate': 0.05726319485774018, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 74, 'subsample': 0.9849161623090756}
Epoch : 240: f1_weighted Score 0.776 params {'colsample_bytree': 0.9786340729313958, 'learning_rate': 0.024102484507853232, 'max_depth': 11, 'min_child_samples': 14, 'n_estimators': 750, 'num_leaves': 40, 'subsample': 0.9576968652638399}
Epoch : 241: f1_weighted Score 0.773 params {'colsample_bytree': 0.8152410723996797, 'learning_rate': 0.02954057648273346, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 1425, 'num_leaves': 18, 'subsample': 0.9810893517025573}
Epoch : 242: f1_weighted Score 0.804 params {'colsample_bytree': 0.8469003155116368, 'learning_rate': 0.018458229099649472, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 50, 'subsample': 0.9756281719359483}
Epoch : 243: f1_weighted Score 0.806 params {'colsample_bytree': 0.7182356647114093, 'learning_rate': 0.005947340493954968, 'max_depth': 7, 'min_child_samples': 16, 'n_estimators': 375, 'num_leaves': 104, 'subsample': 0.9104861614511452}
Epoch : 244: f1_weighted Score 0.795 params {'colsample_bytree': 0.9290113529241408, 'learning_rate': 0.0339818546977695, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 275, 'num_leaves': 28, 'subsample': 0.9532590881284}
Epoch : 245: f1_weighted Score 0.812 params {'colsample_bytree': 0.8378793144961659, 'learning_rate': 0.047113340877804444, 'max_depth': 3, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 66, 'subsample': 0.9659316092562946}
Epoch : 246: f1_weighted Score 0.775 params {'colsample_bytree': 0.7885842851724904, 'learning_rate': 0.09823089443648346, 'max_depth': 3, 'min_child_samples': 22, 'n_estimators': 425, 'num_leaves': 32, 'subsample': 0.9460613734128464}
Epoch : 247: f1_weighted Score 0.788 params {'colsample_bytree': 0.7506471166346905, 'learning_rate': 0.024246356791066116, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 70, 'subsample': 0.994091285507589}
Epoch : 248: f1_weighted Score 0.775 params {'colsample_bytree': 0.5857510056521139, 'learning_rate': 0.009423298357177411, 'max_depth': 8, 'min_child_samples': 10, 'n_estimators': 1325, 'num_leaves': 82, 'subsample': 0.9172666558142732}
Epoch : 249: f1_weighted Score 0.762 params {'colsample_bytree': 0.826894948497885, 'learning_rate': 0.07185425610094662, 'max_depth': 3, 'min_child_samples': 26, 'n_estimators': 1100, 'num_leaves': 66, 'subsample': 0.9606319750680193}
Epoch : 250: f1_weighted Score 0.809 params {'colsample_bytree': 0.7403307091992116, 'learning_rate': 0.02721806159088371, 'max_depth': 4, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 94, 'subsample': 0.991780501367652}
Epoch : 251: f1_weighted Score 0.798 params {'colsample_bytree': 0.766473417425239, 'learning_rate': 0.011981351001318159, 'max_depth': 6, 'min_child_samples': 20, 'n_estimators': 425, 'num_leaves': 110, 'subsample': 0.9535521586191805}
Epoch : 252: f1_weighted Score 0.781 params {'colsample_bytree': 0.656349642003266, 'learning_rate': 0.01378398232431005, 'max_depth': 10, 'min_child_samples': 6, 'n_estimators': 375, 'num_leaves': 90, 'subsample': 0.8719610542839286}
Epoch : 253: f1_weighted Score 0.760 params {'colsample_bytree': 0.6876786384744695, 'learning_rate': 0.14785772739160186, 'max_depth': 6, 'min_child_samples': 10, 'n_estimators': 625, 'num_leaves': 122, 'subsample': 0.9074462266826373}
Epoch : 254: f1_weighted Score 0.564 params {'colsample_bytree': 0.7761079482148734, 'learning_rate': 0.007693858879430594, 'max_depth': 7, 'min_child_samples': 18, 'n_estimators': 50, 'num_leaves': 100, 'subsample': 0.9325984891308403}
Epoch : 255: f1_weighted Score 0.803 params {'colsample_bytree': 0.7141211244676586, 'learning_rate': 0.012990873315655845, 'max_depth': 9, 'min_child_samples': 16, 'n_estimators': 250, 'num_leaves': 116, 'subsample': 0.9486106393917291}
Epoch : 256: f1_weighted Score 0.792 params {'colsample_bytree': 0.7037569551694751, 'learning_rate': 0.01975663161903517, 'max_depth': 12, 'min_child_samples': 8, 'n_estimators': 150, 'num_leaves': 78, 'subsample': 0.858090474742242}
Epoch : 257: f1_weighted Score 0.794 params {'colsample_bytree': 0.8780451997648737, 'learning_rate': 0.010492764690374792, 'max_depth': 18, 'min_child_samples': 12, 'n_estimators': 550, 'num_leaves': 24, 'subsample': 0.9420598959474504}
Epoch : 258: f1_weighted Score 0.805 params {'colsample_bytree': 0.7546492746488589, 'learning_rate': 0.007168780606625547, 'max_depth': 6, 'min_child_samples': 14, 'n_estimators': 350, 'num_leaves': 108, 'subsample': 0.9218101394312034}
Epoch : 259: f1_weighted Score 0.814 params {'colsample_bytree': 0.8027806762689448, 'learning_rate': 0.03971624384176936, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 75, 'num_leaves': 74, 'subsample': 0.8625275346021668}
Epoch : 260: f1_weighted Score 0.814 params {'colsample_bytree': 0.8060689047260393, 'learning_rate': 0.05921887793914948, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 92, 'subsample': 0.8615879961352968}
Epoch : 261: f1_weighted Score 0.794 params {'colsample_bytree': 0.7366125937238825, 'learning_rate': 0.06459725549034336, 'max_depth': 5, 'min_child_samples': 22, 'n_estimators': 125, 'num_leaves': 84, 'subsample': 0.8378700451141777}
Epoch : 262: f1_weighted Score 0.809 params {'colsample_bytree': 0.8054125076636808, 'learning_rate': 0.051059076850291214, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 75, 'num_leaves': 90, 'subsample': 0.8067383152001776}
Epoch : 263: f1_weighted Score 0.795 params {'colsample_bytree': 0.898533181705442, 'learning_rate': 0.12281669602763473, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 100, 'num_leaves': 70, 'subsample': 0.8178734109412656}
Epoch : 264: f1_weighted Score 0.812 params {'colsample_bytree': 0.8579332610383427, 'learning_rate': 0.03921385669536086, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 74, 'subsample': 0.843527414775173}
Epoch : 265: f1_weighted Score 0.796 params {'colsample_bytree': 0.7956061969111389, 'learning_rate': 0.08496287322416973, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 75, 'num_leaves': 78, 'subsample': 0.861188823556464}
Epoch : 266: f1_weighted Score 0.798 params {'colsample_bytree': 0.7767523139178303, 'learning_rate': 0.06052165408652184, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 225, 'num_leaves': 98, 'subsample': 0.8479343981899985}
Epoch : 267: f1_weighted Score 0.766 params {'colsample_bytree': 0.6755025023055744, 'learning_rate': 0.1703378197432079, 'max_depth': 6, 'min_child_samples': 22, 'n_estimators': 300, 'num_leaves': 92, 'subsample': 0.8678676170964623}
Epoch : 268: f1_weighted Score 0.799 params {'colsample_bytree': 0.8258020037408669, 'learning_rate': 0.057117901879973045, 'max_depth': 8, 'min_child_samples': 24, 'n_estimators': 175, 'num_leaves': 102, 'subsample': 0.8807161319699006}
Epoch : 269: f1_weighted Score 0.798 params {'colsample_bytree': 0.7850519411372521, 'learning_rate': 0.0462565639999324, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 150, 'num_leaves': 112, 'subsample': 0.8543016563392342}
Epoch : 270: f1_weighted Score 0.795 params {'colsample_bytree': 0.7265869260265647, 'learning_rate': 0.052832818298094934, 'max_depth': 7, 'min_child_samples': 22, 'n_estimators': 275, 'num_leaves': 106, 'subsample': 0.823635380921267}
Epoch : 271: f1_weighted Score 0.791 params {'colsample_bytree': 0.81118089723566, 'learning_rate': 0.03676223219413158, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 82, 'subsample': 0.8644328053258132}
Epoch : 272: f1_weighted Score 0.801 params {'colsample_bytree': 0.8656046078733063, 'learning_rate': 0.07024241765889629, 'max_depth': 3, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 64, 'subsample': 0.8775041710536039}
Epoch : 273: f1_weighted Score 0.812 params {'colsample_bytree': 0.8917235554667413, 'learning_rate': 0.07704516744021223, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 50, 'num_leaves': 70, 'subsample': 0.8354774384347484}
Epoch : 274: f1_weighted Score 0.812 params {'colsample_bytree': 0.8374716958111883, 'learning_rate': 0.060260226228000605, 'max_depth': 3, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 58, 'subsample': 0.8310469788549673}
Epoch : 275: f1_weighted Score 0.763 params {'colsample_bytree': 0.8412401228029124, 'learning_rate': 0.09922568289172003, 'max_depth': 3, 'min_child_samples': 26, 'n_estimators': 1225, 'num_leaves': 56, 'subsample': 0.8306760337261637}
Epoch : 276: f1_weighted Score 0.812 params {'colsample_bytree': 0.7618547701349735, 'learning_rate': 0.045625907411549385, 'max_depth': 3, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 52, 'subsample': 0.8501853691936556}
Epoch : 277: f1_weighted Score 0.790 params {'colsample_bytree': 0.7582495946153357, 'learning_rate': 0.08497442280366961, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 52, 'subsample': 0.8437778880390951}
Epoch : 278: f1_weighted Score 0.792 params {'colsample_bytree': 0.7455358321219873, 'learning_rate': 0.12739339151185441, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 42, 'subsample': 0.8532867219523868}
Epoch : 279: f1_weighted Score 0.808 params {'colsample_bytree': 0.8296848764735977, 'learning_rate': 0.040143547182052125, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 86, 'subsample': 0.8736045780984688}
Epoch : 280: f1_weighted Score 0.797 params {'colsample_bytree': 0.7119872225272315, 'learning_rate': 0.026944612174910936, 'max_depth': 8, 'min_child_samples': 20, 'n_estimators': 175, 'num_leaves': 76, 'subsample': 0.8867985563701023}
Epoch : 281: f1_weighted Score 0.798 params {'colsample_bytree': 0.8489407735762864, 'learning_rate': 0.04643921221861268, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 68, 'subsample': 0.8574724313709189}
Epoch : 282: f1_weighted Score 0.778 params {'colsample_bytree': 0.9158124970231587, 'learning_rate': 0.11505199727100043, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 150, 'num_leaves': 62, 'subsample': 0.8407203954712263}
Epoch : 283: f1_weighted Score 0.812 params {'colsample_bytree': 0.8123932321593647, 'learning_rate': 0.0669311024824237, 'max_depth': 3, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 36, 'subsample': 0.8144493614643322}
Epoch : 284: f1_weighted Score 0.790 params {'colsample_bytree': 0.7908806385163127, 'learning_rate': 0.02944495484021092, 'max_depth': 6, 'min_child_samples': 22, 'n_estimators': 250, 'num_leaves': 84, 'subsample': 0.8701983053671959}
Epoch : 285: f1_weighted Score 0.787 params {'colsample_bytree': 0.8802490230278267, 'learning_rate': 0.037462372108748546, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 60, 'subsample': 0.8816894265708867}
Epoch : 286: f1_weighted Score 0.799 params {'colsample_bytree': 0.858785625172492, 'learning_rate': 0.04943986788470846, 'max_depth': 3, 'min_child_samples': 28, 'n_estimators': 175, 'num_leaves': 66, 'subsample': 0.8611785219184196}
Epoch : 287: f1_weighted Score 0.799 params {'colsample_bytree': 0.9517299105917945, 'learning_rate': 0.09226360097929084, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 58, 'subsample': 0.8221028812215116}
Epoch : 288: f1_weighted Score 0.761 params {'colsample_bytree': 0.7714129824725461, 'learning_rate': 0.10933345312621225, 'max_depth': 7, 'min_child_samples': 20, 'n_estimators': 1475, 'num_leaves': 124, 'subsample': 0.8885198084302868}
Epoch : 289: f1_weighted Score 0.800 params {'colsample_bytree': 0.725207031487873, 'learning_rate': 0.02244828646926607, 'max_depth': 8, 'min_child_samples': 22, 'n_estimators': 225, 'num_leaves': 80, 'subsample': 0.8656314138712895}
Epoch : 290: f1_weighted Score 0.812 params {'colsample_bytree': 0.9075304287475883, 'learning_rate': 0.03210533970217975, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 72, 'subsample': 0.847867643772946}
Epoch : 291: f1_weighted Score 0.773 params {'colsample_bytree': 0.6955352843936821, 'learning_rate': 0.07519889716081363, 'max_depth': 6, 'min_child_samples': 4, 'n_estimators': 800, 'num_leaves': 96, 'subsample': 0.8920045476160486}
Epoch : 292: f1_weighted Score 0.810 params {'colsample_bytree': 0.7504410195688181, 'learning_rate': 0.005486564865406889, 'max_depth': 9, 'min_child_samples': 18, 'n_estimators': 325, 'num_leaves': 118, 'subsample': 0.9018385160191167}
Epoch : 293: f1_weighted Score 0.782 params {'colsample_bytree': 0.8026657350673778, 'learning_rate': 0.04207995057483006, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 475, 'num_leaves': 92, 'subsample': 0.8748794146758384}
Epoch : 294: f1_weighted Score 0.802 params {'colsample_bytree': 0.8863937749446285, 'learning_rate': 0.030500840295296615, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 46, 'subsample': 0.8260446442123305}
Epoch : 295: f1_weighted Score 0.773 params {'colsample_bytree': 0.6795817652194255, 'learning_rate': 0.06831449947618885, 'max_depth': 7, 'min_child_samples': 18, 'n_estimators': 275, 'num_leaves': 98, 'subsample': 0.8950576463211453}
Epoch : 296: f1_weighted Score 0.812 params {'colsample_bytree': 0.9341135051184757, 'learning_rate': 0.07836713761254097, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 50, 'num_leaves': 76, 'subsample': 0.8327026355058068}
Epoch : 297: f1_weighted Score 0.790 params {'colsample_bytree': 0.9852921904601675, 'learning_rate': 0.08152441616052586, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 200, 'num_leaves': 74, 'subsample': 0.8086909011279824}
Epoch : 298: f1_weighted Score 0.809 params {'colsample_bytree': 0.820597030877144, 'learning_rate': 0.05321170401016618, 'max_depth': 3, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 80, 'subsample': 0.8705615398521175}
Epoch : 299: f1_weighted Score 0.799 params {'colsample_bytree': 0.6280182051509863, 'learning_rate': 0.016901302963864325, 'max_depth': 8, 'min_child_samples': 20, 'n_estimators': 250, 'num_leaves': 84, 'subsample': 0.8626343559456391}
Epoch : 300: f1_weighted Score 0.770 params {'colsample_bytree': 0.8397098010892369, 'learning_rate': 0.05976019103178163, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 975, 'num_leaves': 18, 'subsample': 0.8287531146840197}
Epoch : 301: f1_weighted Score 0.803 params {'colsample_bytree': 0.779495819451382, 'learning_rate': 0.008460618125024896, 'max_depth': 6, 'min_child_samples': 10, 'n_estimators': 450, 'num_leaves': 114, 'subsample': 0.8842903801564973}
Epoch : 302: f1_weighted Score 0.806 params {'colsample_bytree': 0.8611075741695211, 'learning_rate': 0.13771880799015615, 'max_depth': 3, 'min_child_samples': 28, 'n_estimators': 50, 'num_leaves': 88, 'subsample': 0.878248869890857}
Epoch : 303: f1_weighted Score 0.789 params {'colsample_bytree': 0.6970122518558027, 'learning_rate': 0.006589931387449895, 'max_depth': 9, 'min_child_samples': 6, 'n_estimators': 400, 'num_leaves': 108, 'subsample': 0.8882440285386388}
Epoch : 304: f1_weighted Score 0.812 params {'colsample_bytree': 0.797215506380959, 'learning_rate': 0.017768253174352124, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 175, 'num_leaves': 94, 'subsample': 0.8401786115683735}
Epoch : 305: f1_weighted Score 0.792 params {'colsample_bytree': 0.6650232415450683, 'learning_rate': 0.020378860226445476, 'max_depth': 6, 'min_child_samples': 22, 'n_estimators': 325, 'num_leaves': 88, 'subsample': 0.8580269695621392}
Epoch : 306: f1_weighted Score 0.796 params {'colsample_bytree': 0.7922510600833548, 'learning_rate': 0.025689031974189598, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 96, 'subsample': 0.8365108876548774}
Epoch : 307: f1_weighted Score 0.809 params {'colsample_bytree': 0.8779796132492682, 'learning_rate': 0.062262751667692365, 'max_depth': 4, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 44, 'subsample': 0.803316127170784}
Epoch : 308: f1_weighted Score 0.793 params {'colsample_bytree': 0.8302543437131488, 'learning_rate': 0.18933934997087434, 'max_depth': 3, 'min_child_samples': 24, 'n_estimators': 100, 'num_leaves': 64, 'subsample': 0.8467694829211783}
Epoch : 309: f1_weighted Score 0.786 params {'colsample_bytree': 0.9628361316620683, 'learning_rate': 0.035729600291072944, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 850, 'num_leaves': 72, 'subsample': 0.9124281008252095}
Epoch : 310: f1_weighted Score 0.803 params {'colsample_bytree': 0.7625355501278351, 'learning_rate': 0.04518080551135579, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 36, 'subsample': 0.8509829271145295}
Epoch : 311: f1_weighted Score 0.797 params {'colsample_bytree': 0.8965083980892503, 'learning_rate': 0.03357246004005706, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 200, 'num_leaves': 50, 'subsample': 0.8554001095710125}
Epoch : 312: f1_weighted Score 0.800 params {'colsample_bytree': 0.7375809046346055, 'learning_rate': 0.042839474930162214, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 86, 'subsample': 0.8984375510482718}
Epoch : 313: f1_weighted Score 0.811 params {'colsample_bytree': 0.804663580685636, 'learning_rate': 0.039318745346161824, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 92, 'subsample': 0.8754455511204535}
Epoch : 314: f1_weighted Score 0.811 params {'colsample_bytree': 0.7215609882966385, 'learning_rate': 0.0051350982826505066, 'max_depth': 10, 'min_child_samples': 16, 'n_estimators': 350, 'num_leaves': 128, 'subsample': 0.9271109431840538}
Epoch : 315: f1_weighted Score 0.780 params {'colsample_bytree': 0.6499585528052891, 'learning_rate': 0.058230495903128135, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 1150, 'num_leaves': 90, 'subsample': 0.8649083145113682}
Epoch : 316: f1_weighted Score 0.790 params {'colsample_bytree': 0.9303590147351064, 'learning_rate': 0.09354014902672114, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 225, 'num_leaves': 70, 'subsample': 0.8183783124613009}
Epoch : 317: f1_weighted Score 0.809 params {'colsample_bytree': 0.9205912550718569, 'learning_rate': 0.031330029545138166, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 56, 'subsample': 0.8462418372130049}
Epoch : 318: f1_weighted Score 0.796 params {'colsample_bytree': 0.7828581630860447, 'learning_rate': 0.0212175518972553, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 104, 'subsample': 0.8812156151638775}
Epoch : 319: f1_weighted Score 0.801 params {'colsample_bytree': 0.7367922536343363, 'learning_rate': 0.02855141720753516, 'max_depth': 8, 'min_child_samples': 22, 'n_estimators': 300, 'num_leaves': 78, 'subsample': 0.8699484568135838}
Epoch : 320: f1_weighted Score 0.773 params {'colsample_bytree': 0.900661905605539, 'learning_rate': 0.07372888841463687, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 1350, 'num_leaves': 62, 'subsample': 0.8146993873157807}
Epoch : 321: f1_weighted Score 0.769 params {'colsample_bytree': 0.81855086860297, 'learning_rate': 0.05312018032698192, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 925, 'num_leaves': 12, 'subsample': 0.8945303177703958}
Epoch : 322: f1_weighted Score 0.812 params {'colsample_bytree': 0.8508940555927089, 'learning_rate': 0.04111864115096481, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 50, 'num_leaves': 82, 'subsample': 0.9043113990586668}
Epoch : 323: f1_weighted Score 0.808 params {'colsample_bytree': 0.7048585316056443, 'learning_rate': 0.09922271706458079, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 50, 'num_leaves': 68, 'subsample': 0.8201465296776038}
Epoch : 324: f1_weighted Score 0.793 params {'colsample_bytree': 0.8719241752055468, 'learning_rate': 0.05507655152977658, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 88, 'subsample': 0.8623097939260922}
Epoch : 325: f1_weighted Score 0.756 params {'colsample_bytree': 0.9489506245101716, 'learning_rate': 0.17072160078119852, 'max_depth': 3, 'min_child_samples': 26, 'n_estimators': 1050, 'num_leaves': 76, 'subsample': 0.8361487635550976}
Epoch : 326: f1_weighted Score 0.792 params {'colsample_bytree': 0.7499348818809436, 'learning_rate': 0.011124712295915173, 'max_depth': 11, 'min_child_samples': 12, 'n_estimators': 425, 'num_leaves': 114, 'subsample': 0.9226601194372875}
Epoch : 327: f1_weighted Score 0.811 params {'colsample_bytree': 0.7627989952276735, 'learning_rate': 0.050693630385836116, 'max_depth': 3, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 54, 'subsample': 0.8513605005064804}
Epoch : 328: f1_weighted Score 0.799 params {'colsample_bytree': 0.6084538689019787, 'learning_rate': 0.014530872188743804, 'max_depth': 7, 'min_child_samples': 20, 'n_estimators': 250, 'num_leaves': 84, 'subsample': 0.8846454136659749}
Epoch : 329: f1_weighted Score 0.802 params {'colsample_bytree': 0.9714791868318916, 'learning_rate': 0.033063253199227344, 'max_depth': 4, 'min_child_samples': 22, 'n_estimators': 175, 'num_leaves': 66, 'subsample': 0.8427911332497904}
Epoch : 330: f1_weighted Score 0.786 params {'colsample_bytree': 0.8699623049316518, 'learning_rate': 0.037384107840757706, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 700, 'num_leaves': 60, 'subsample': 0.9619839070658031}
Epoch : 331: f1_weighted Score 0.793 params {'colsample_bytree': 0.9079134644063281, 'learning_rate': 0.03582881534770224, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 225, 'num_leaves': 74, 'subsample': 0.8685146118474344}
Epoch : 332: f1_weighted Score 0.812 params {'colsample_bytree': 0.9401688512944101, 'learning_rate': 0.023752143088623466, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 125, 'num_leaves': 78, 'subsample': 0.8550598690430385}
Epoch : 333: f1_weighted Score 0.793 params {'colsample_bytree': 0.8444218070001754, 'learning_rate': 0.02587391544861936, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 14, 'subsample': 0.8778458326738953}
Epoch : 334: f1_weighted Score 0.800 params {'colsample_bytree': 0.8110447509092739, 'learning_rate': 0.028079241765047006, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 48, 'subsample': 0.8720507302209567}
Epoch : 335: f1_weighted Score 0.791 params {'colsample_bytree': 0.6181012440379946, 'learning_rate': 0.009087693235285734, 'max_depth': 9, 'min_child_samples': 14, 'n_estimators': 500, 'num_leaves': 100, 'subsample': 0.899286427771128}
Epoch : 336: f1_weighted Score 0.809 params {'colsample_bytree': 0.8236544307771585, 'learning_rate': 0.04959063572371612, 'max_depth': 20, 'min_child_samples': 24, 'n_estimators': 75, 'num_leaves': 30, 'subsample': 0.8895253621955672}
Epoch : 337: f1_weighted Score 0.777 params {'colsample_bytree': 0.4819312850911634, 'learning_rate': 0.08765441282382197, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 72, 'subsample': 0.8601149184871936}
Epoch : 338: f1_weighted Score 0.799 params {'colsample_bytree': 0.6862377455336379, 'learning_rate': 0.01569695476822078, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 94, 'subsample': 0.9874062064220532}
Epoch : 339: f1_weighted Score 0.783 params {'colsample_bytree': 0.9992681791051465, 'learning_rate': 0.13043691859309542, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 76, 'subsample': 0.8341276972330866}
Epoch : 340: f1_weighted Score 0.799 params {'colsample_bytree': 0.7770342053246175, 'learning_rate': 0.0226675035886591, 'max_depth': 15, 'min_child_samples': 26, 'n_estimators': 150, 'num_leaves': 22, 'subsample': 0.8851781434962909}
Epoch : 341: f1_weighted Score 0.795 params {'colsample_bytree': 0.7891585620594173, 'learning_rate': 0.0446248479754138, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 175, 'num_leaves': 40, 'subsample': 0.8659546089370308}
Epoch : 342: f1_weighted Score 0.800 params {'colsample_bytree': 0.7208000617354123, 'learning_rate': 0.018737099200362994, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 102, 'subsample': 0.9153551145610721}
Epoch : 343: f1_weighted Score 0.809 params {'colsample_bytree': 0.3187497156830657, 'learning_rate': 0.06403971304463324, 'max_depth': 3, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 26, 'subsample': 0.8000774450667494}
Epoch : 344: f1_weighted Score 0.799 params {'colsample_bytree': 0.6461729536945916, 'learning_rate': 0.01340954018226452, 'max_depth': 8, 'min_child_samples': 20, 'n_estimators': 250, 'num_leaves': 82, 'subsample': 0.9095153609260692}
Epoch : 345: f1_weighted Score 0.805 params {'colsample_bytree': 0.8849958146303538, 'learning_rate': 0.0304877168593386, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 100, 'num_leaves': 56, 'subsample': 0.8741603279087323}
Epoch : 346: f1_weighted Score 0.776 params {'colsample_bytree': 0.6629422209498615, 'learning_rate': 0.06842744033829505, 'max_depth': 3, 'min_child_samples': 26, 'n_estimators': 600, 'num_leaves': 34, 'subsample': 0.8405955232334131}
Epoch : 347: f1_weighted Score 0.798 params {'colsample_bytree': 0.9602694545249911, 'learning_rate': 0.038842303885945936, 'max_depth': 10, 'min_child_samples': 22, 'n_estimators': 125, 'num_leaves': 68, 'subsample': 0.8251191384904151}
Epoch : 348: f1_weighted Score 0.799 params {'colsample_bytree': 0.3522063489120315, 'learning_rate': 0.0061080440769533135, 'max_depth': 9, 'min_child_samples': 12, 'n_estimators': 475, 'num_leaves': 120, 'subsample': 0.8926770202815449}
Epoch : 349: f1_weighted Score 0.802 params {'colsample_bytree': 0.5559733344942905, 'learning_rate': 0.007728839207673571, 'max_depth': 13, 'min_child_samples': 16, 'n_estimators': 425, 'num_leaves': 100, 'subsample': 0.9030351966255716}
Epoch : 350: f1_weighted Score 0.802 params {'colsample_bytree': 0.7081034827837993, 'learning_rate': 0.04806387879622282, 'max_depth': 3, 'min_child_samples': 4, 'n_estimators': 275, 'num_leaves': 24, 'subsample': 0.8482795329929156}
Epoch : 351: f1_weighted Score 0.793 params {'colsample_bytree': 0.7706078572299211, 'learning_rate': 0.01737729593586318, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 525, 'num_leaves': 96, 'subsample': 0.8116103687976796}
Epoch : 352: f1_weighted Score 0.811 params {'colsample_bytree': 0.8574000549283255, 'learning_rate': 0.05731241659456469, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 50, 'num_leaves': 64, 'subsample': 0.9704207224474604}
Epoch : 353: f1_weighted Score 0.801 params {'colsample_bytree': 0.9113221722178837, 'learning_rate': 0.034628867975030515, 'max_depth': 14, 'min_child_samples': 24, 'n_estimators': 225, 'num_leaves': 60, 'subsample': 0.8574918124691302}
Epoch : 354: f1_weighted Score 0.797 params {'colsample_bytree': 0.8351713626570691, 'learning_rate': 0.03428840015165578, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 80, 'subsample': 0.9660683828940329}
Epoch : 355: f1_weighted Score 0.793 params {'colsample_bytree': 0.7354730608962625, 'learning_rate': 0.01548152917756378, 'max_depth': 8, 'min_child_samples': 8, 'n_estimators': 300, 'num_leaves': 86, 'subsample': 0.879931963533461}
Epoch : 356: f1_weighted Score 0.793 params {'colsample_bytree': 0.7436500684736639, 'learning_rate': 0.04164160137822347, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 88, 'subsample': 0.907584716929374}
Epoch : 357: f1_weighted Score 0.799 params {'colsample_bytree': 0.8373466265042896, 'learning_rate': 0.07218798295801361, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 100, 'num_leaves': 42, 'subsample': 0.9741974602166186}
Epoch : 358: f1_weighted Score 0.760 params {'colsample_bytree': 0.760779301736277, 'learning_rate': 0.08213154542667414, 'max_depth': 3, 'min_child_samples': 28, 'n_estimators': 1275, 'num_leaves': 52, 'subsample': 0.8385895232369365}
Epoch : 359: f1_weighted Score 0.801 params {'colsample_bytree': 0.8709918285193051, 'learning_rate': 0.10675311086607372, 'max_depth': 6, 'min_child_samples': 22, 'n_estimators': 50, 'num_leaves': 70, 'subsample': 0.8268050170594055}
Epoch : 360: f1_weighted Score 0.775 params {'colsample_bytree': 0.8942041465402626, 'learning_rate': 0.12358571234875254, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 70, 'subsample': 0.8047644059349256}
Epoch : 361: f1_weighted Score 0.791 params {'colsample_bytree': 0.6347163634018002, 'learning_rate': 0.02052367235139477, 'max_depth': 7, 'min_child_samples': 18, 'n_estimators': 400, 'num_leaves': 90, 'subsample': 0.8753586246967315}
Epoch : 362: f1_weighted Score 0.790 params {'colsample_bytree': 0.8517631624349594, 'learning_rate': 0.026136061379520164, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 250, 'num_leaves': 46, 'subsample': 0.8827464213246414}
Epoch : 363: f1_weighted Score 0.797 params {'colsample_bytree': 0.8892638304572362, 'learning_rate': 0.11340867142822686, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 62, 'subsample': 0.8351630270097368}
Epoch : 364: f1_weighted Score 0.796 params {'colsample_bytree': 0.803871713997764, 'learning_rate': 0.008277992729555666, 'max_depth': 8, 'min_child_samples': 14, 'n_estimators': 450, 'num_leaves': 112, 'subsample': 0.9310411389107415}
Epoch : 365: f1_weighted Score 0.796 params {'colsample_bytree': 0.8175995699768652, 'learning_rate': 0.02927400369320415, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 200, 'num_leaves': 38, 'subsample': 0.8520601112077915}
Epoch : 366: f1_weighted Score 0.791 params {'colsample_bytree': 0.9318165012296471, 'learning_rate': 0.09525979406268172, 'max_depth': 4, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 78, 'subsample': 0.8191542578287833}
Epoch : 367: f1_weighted Score 0.783 params {'colsample_bytree': 0.5970919934798269, 'learning_rate': 0.009257043515149896, 'max_depth': 9, 'min_child_samples': 10, 'n_estimators': 650, 'num_leaves': 106, 'subsample': 0.9006526449421857}
Epoch : 368: f1_weighted Score 0.811 params {'colsample_bytree': 0.6724045111242776, 'learning_rate': 0.005034666912746928, 'max_depth': 7, 'min_child_samples': 14, 'n_estimators': 350, 'num_leaves': 110, 'subsample': 0.9422335404652695}
Epoch : 369: f1_weighted Score 0.812 params {'colsample_bytree': 0.7914275653740294, 'learning_rate': 0.012259441422797739, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 325, 'num_leaves': 104, 'subsample': 0.8610815153163005}
Epoch : 370: f1_weighted Score 0.799 params {'colsample_bytree': 0.7102559804456778, 'learning_rate': 0.010174046995862626, 'max_depth': 7, 'min_child_samples': 22, 'n_estimators': 575, 'num_leaves': 116, 'subsample': 0.864233520632579}
Epoch : 371: f1_weighted Score 0.780 params {'colsample_bytree': 0.687111771726489, 'learning_rate': 0.006695459418734481, 'max_depth': 8, 'min_child_samples': 6, 'n_estimators': 725, 'num_leaves': 122, 'subsample': 0.9554637892761569}
Epoch : 372: f1_weighted Score 0.806 params {'colsample_bytree': 0.518405908642078, 'learning_rate': 0.005839238931210977, 'max_depth': 6, 'min_child_samples': 10, 'n_estimators': 525, 'num_leaves': 110, 'subsample': 0.8955359897608646}
Epoch : 373: f1_weighted Score 0.812 params {'colsample_bytree': 0.8298301898345696, 'learning_rate': 0.058145773108927455, 'max_depth': 3, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 10, 'subsample': 0.8285801702553676}
Epoch : 374: f1_weighted Score 0.787 params {'colsample_bytree': 0.7788514190323508, 'learning_rate': 0.051159350849658766, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 775, 'num_leaves': 66, 'subsample': 0.9459358476797006}
Epoch : 375: f1_weighted Score 0.799 params {'colsample_bytree': 0.7525381848297338, 'learning_rate': 0.06310354588991185, 'max_depth': 3, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 58, 'subsample': 0.8221921785472169}
Epoch : 376: f1_weighted Score 0.811 params {'colsample_bytree': 0.5763377059537688, 'learning_rate': 0.005445784095802981, 'max_depth': 8, 'min_child_samples': 18, 'n_estimators': 400, 'num_leaves': 108, 'subsample': 0.8898840355347998}
Epoch : 377: f1_weighted Score 0.799 params {'colsample_bytree': 0.6729261217536424, 'learning_rate': 0.011292035703401862, 'max_depth': 9, 'min_child_samples': 12, 'n_estimators': 300, 'num_leaves': 116, 'subsample': 0.8868764638961313}
Epoch : 378: f1_weighted Score 0.798 params {'colsample_bytree': 0.6952782042637056, 'learning_rate': 0.007630048204623198, 'max_depth': 7, 'min_child_samples': 16, 'n_estimators': 600, 'num_leaves': 98, 'subsample': 0.9182988564853529}
Epoch : 379: f1_weighted Score 0.790 params {'colsample_bytree': 0.7271613583434867, 'learning_rate': 0.06590895041580934, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 225, 'num_leaves': 52, 'subsample': 0.848879915160028}
Epoch : 380: f1_weighted Score 0.787 params {'colsample_bytree': 0.6524557702578169, 'learning_rate': 0.00651172848172239, 'max_depth': 6, 'min_child_samples': 8, 'n_estimators': 875, 'num_leaves': 126, 'subsample': 0.912386271426873}
Epoch : 381: f1_weighted Score 0.812 params {'colsample_bytree': 0.4994412428923837, 'learning_rate': 0.006885975932301978, 'max_depth': 7, 'min_child_samples': 20, 'n_estimators': 375, 'num_leaves': 100, 'subsample': 0.8919859618915544}
Epoch : 382: f1_weighted Score 0.811 params {'colsample_bytree': 0.45347659485183905, 'learning_rate': 0.0074756325015003355, 'max_depth': 9, 'min_child_samples': 20, 'n_estimators': 375, 'num_leaves': 92, 'subsample': 0.8976807978800085}
Epoch : 383: f1_weighted Score 0.801 params {'colsample_bytree': 0.6173878545325195, 'learning_rate': 0.00507195889508256, 'max_depth': 10, 'min_child_samples': 14, 'n_estimators': 500, 'num_leaves': 104, 'subsample': 0.9071659501684975}
Epoch : 384: f1_weighted Score 0.797 params {'colsample_bytree': 0.7389376828453034, 'learning_rate': 0.0140605910865629, 'max_depth': 8, 'min_child_samples': 18, 'n_estimators': 275, 'num_leaves': 80, 'subsample': 0.868873535423162}
Epoch : 385: f1_weighted Score 0.772 params {'colsample_bytree': 0.7987956198881215, 'learning_rate': 0.024233162421120297, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 1025, 'num_leaves': 28, 'subsample': 0.8715571013822969}
Epoch : 386: f1_weighted Score 0.809 params {'colsample_bytree': 0.9792439475246325, 'learning_rate': 0.03311282152853848, 'max_depth': 4, 'min_child_samples': 22, 'n_estimators': 125, 'num_leaves': 74, 'subsample': 0.8561840973522974}
Epoch : 387: f1_weighted Score 0.796 params {'colsample_bytree': 0.864484535985058, 'learning_rate': 0.044092323509077, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 42, 'subsample': 0.8431672733745945}
Epoch : 388: f1_weighted Score 0.799 params {'colsample_bytree': 0.7167859874904174, 'learning_rate': 0.02206605765998122, 'max_depth': 6, 'min_child_samples': 20, 'n_estimators': 250, 'num_leaves': 84, 'subsample': 0.8852994564347184}
Epoch : 389: f1_weighted Score 0.784 params {'colsample_bytree': 0.9084308077239558, 'learning_rate': 0.03729681946307811, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 1100, 'num_leaves': 68, 'subsample': 0.9782315963722691}
Epoch : 390: f1_weighted Score 0.784 params {'colsample_bytree': 0.7669624716477257, 'learning_rate': 0.012724296821977281, 'max_depth': 7, 'min_child_samples': 10, 'n_estimators': 450, 'num_leaves': 120, 'subsample': 0.9497685451752743}
Epoch : 391: f1_weighted Score 0.800 params {'colsample_bytree': 0.7514784956250242, 'learning_rate': 0.01697866378119175, 'max_depth': 5, 'min_child_samples': 22, 'n_estimators': 325, 'num_leaves': 96, 'subsample': 0.858862840394185}
Epoch : 392: f1_weighted Score 0.791 params {'colsample_bytree': 0.9406594364041647, 'learning_rate': 0.15051127022987768, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 50, 'num_leaves': 80, 'subsample': 0.8313346811427277}
Epoch : 393: f1_weighted Score 0.812 params {'colsample_bytree': 0.9537127478100539, 'learning_rate': 0.0314750934139815, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 100, 'num_leaves': 72, 'subsample': 0.8455814182132231}
Epoch : 394: f1_weighted Score 0.767 params {'colsample_bytree': 0.9341588559608223, 'learning_rate': 0.0787700834748464, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 1225, 'num_leaves': 74, 'subsample': 0.831748012020484}
Epoch : 395: f1_weighted Score 0.800 params {'colsample_bytree': 0.8140335662793838, 'learning_rate': 0.04745224486099482, 'max_depth': 3, 'min_child_samples': 26, 'n_estimators': 200, 'num_leaves': 38, 'subsample': 0.8530532889180085}
Epoch : 396: f1_weighted Score 0.783 params {'colsample_bytree': 0.7787424230153541, 'learning_rate': 0.009639585291882507, 'max_depth': 11, 'min_child_samples': 6, 'n_estimators': 275, 'num_leaves': 114, 'subsample': 0.9399336856765368}
Epoch : 397: f1_weighted Score 0.800 params {'colsample_bytree': 0.9937568999621638, 'learning_rate': 0.03940600411370859, 'max_depth': 5, 'min_child_samples': 22, 'n_estimators': 150, 'num_leaves': 64, 'subsample': 0.8466199040747397}
Epoch : 398: f1_weighted Score 0.801 params {'colsample_bytree': 0.8433406735533114, 'learning_rate': 0.07152393635483732, 'max_depth': 3, 'min_child_samples': 4, 'n_estimators': 75, 'num_leaves': 18, 'subsample': 0.970440967055783}
Epoch : 399: f1_weighted Score 0.765 params {'colsample_bytree': 0.8279922174345177, 'learning_rate': 0.08710038477096206, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 1375, 'num_leaves': 16, 'subsample': 0.9818765312530331}
Epoch : 400: f1_weighted Score 0.790 params {'colsample_bytree': 0.8593034138566775, 'learning_rate': 0.025082617212859665, 'max_depth': 18, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 48, 'subsample': 0.9263261406439427}
Epoch : 401: f1_weighted Score 0.804 params {'colsample_bytree': 0.6290829430240444, 'learning_rate': 0.007240052685717271, 'max_depth': 7, 'min_child_samples': 14, 'n_estimators': 350, 'num_leaves': 118, 'subsample': 0.8785733221638927}
Epoch : 402: f1_weighted Score 0.795 params {'colsample_bytree': 0.8772378122098443, 'learning_rate': 0.07715004437565144, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 56, 'subsample': 0.8383333139840484}
Epoch : 403: f1_weighted Score 0.798 params {'colsample_bytree': 0.7301263875894874, 'learning_rate': 0.043636880274106386, 'max_depth': 6, 'min_child_samples': 16, 'n_estimators': 225, 'num_leaves': 108, 'subsample': 0.9043961326368196}
Epoch : 404: f1_weighted Score 0.791 params {'colsample_bytree': 0.8992525605511028, 'learning_rate': 0.10359096054593991, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 76, 'subsample': 0.8059522349272814}
Epoch : 405: f1_weighted Score 0.775 params {'colsample_bytree': 0.7641365256655978, 'learning_rate': 0.054973538474237395, 'max_depth': 6, 'min_child_samples': 8, 'n_estimators': 175, 'num_leaves': 32, 'subsample': 0.9363890729906782}
Epoch : 406: f1_weighted Score 0.808 params {'colsample_bytree': 0.8065715188287025, 'learning_rate': 0.04770765722527069, 'max_depth': 3, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 52, 'subsample': 0.8665003222497537}
Epoch : 407: f1_weighted Score 0.810 params {'colsample_bytree': 0.7855043045286598, 'learning_rate': 0.041129401457489195, 'max_depth': 3, 'min_child_samples': 26, 'n_estimators': 100, 'num_leaves': 44, 'subsample': 0.8467047290775974}
Epoch : 408: f1_weighted Score 0.809 params {'colsample_bytree': 0.8468039423588491, 'learning_rate': 0.06824371112073101, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 66, 'subsample': 0.8518405962427346}
Epoch : 409: f1_weighted Score 0.811 params {'colsample_bytree': 0.792030909887742, 'learning_rate': 0.011831831293028974, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 325, 'num_leaves': 102, 'subsample': 0.8133964379801042}
Epoch : 410: f1_weighted Score 0.800 params {'colsample_bytree': 0.4013845974285953, 'learning_rate': 0.010124337267170094, 'max_depth': 7, 'min_child_samples': 20, 'n_estimators': 475, 'num_leaves': 106, 'subsample': 0.8623758009519501}
Epoch : 411: f1_weighted Score 0.804 params {'colsample_bytree': 0.4491105300869649, 'learning_rate': 0.02746911088688717, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 200, 'num_leaves': 92, 'subsample': 0.8914413668324855}
Epoch : 412: f1_weighted Score 0.814 params {'colsample_bytree': 0.8155696172316997, 'learning_rate': 0.018579581512130836, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 94, 'subsample': 0.9593094338481598}
Epoch : 413: f1_weighted Score 0.812 params {'colsample_bytree': 0.92410271908223, 'learning_rate': 0.021741667924184544, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 150, 'num_leaves': 82, 'subsample': 0.8415576090652239}
Epoch : 414: f1_weighted Score 0.811 params {'colsample_bytree': 0.9254235013149215, 'learning_rate': 0.0211221965479954, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 82, 'subsample': 0.8407270707458618}
Epoch : 415: f1_weighted Score 0.793 params {'colsample_bytree': 0.8182167670002318, 'learning_rate': 0.019733751897562414, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 300, 'num_leaves': 102, 'subsample': 0.8608620139641847}
Epoch : 416: f1_weighted Score 0.812 params {'colsample_bytree': 0.7642935254530466, 'learning_rate': 0.02945953183772105, 'max_depth': 3, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 30, 'subsample': 0.8563999024437646}
Epoch : 417: f1_weighted Score 0.805 params {'colsample_bytree': 0.7476313692996135, 'learning_rate': 0.01848233577409664, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 32, 'subsample': 0.8760123039994342}
Epoch : 418: f1_weighted Score 0.812 params {'colsample_bytree': 0.8012513242999969, 'learning_rate': 0.01478830444721498, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 88, 'subsample': 0.9586003283433635}
Epoch : 419: f1_weighted Score 0.805 params {'colsample_bytree': 0.8083947053106707, 'learning_rate': 0.015060910236283349, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 94, 'subsample': 0.9572560424725541}
Epoch : 420: f1_weighted Score 0.808 params {'colsample_bytree': 0.8311457767577504, 'learning_rate': 0.0163983705317191, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 86, 'subsample': 0.9609415224763804}
Epoch : 421: f1_weighted Score 0.808 params {'colsample_bytree': 0.8204052559400764, 'learning_rate': 0.09527643903132135, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 50, 'num_leaves': 98, 'subsample': 0.8172716195320584}
Epoch : 422: f1_weighted Score 0.812 params {'colsample_bytree': 0.8690988128847638, 'learning_rate': 0.023629891645629737, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 100, 'num_leaves': 84, 'subsample': 0.8717271744755921}
Epoch : 423: f1_weighted Score 0.811 params {'colsample_bytree': 0.8566896200827271, 'learning_rate': 0.026206060796367867, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 92, 'subsample': 0.9882201399065884}
Epoch : 424: f1_weighted Score 0.796 params {'colsample_bytree': 0.8823375052647618, 'learning_rate': 0.03617765301247743, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 124, 'subsample': 0.996874122846903}
Epoch : 425: f1_weighted Score 0.812 params {'colsample_bytree': 0.9116346327379024, 'learning_rate': 0.02930786490331555, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 50, 'num_leaves': 78, 'subsample': 0.9677724338972563}
Epoch : 426: f1_weighted Score 0.811 params {'colsample_bytree': 0.8859401061662759, 'learning_rate': 0.032770459323815115, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 74, 'subsample': 0.8810459384993555}
Epoch : 427: f1_weighted Score 0.808 params {'colsample_bytree': 0.7971695174121646, 'learning_rate': 0.014033019250029347, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 88, 'subsample': 0.9492749201582279}
Epoch : 428: f1_weighted Score 0.810 params {'colsample_bytree': 0.7148978504160574, 'learning_rate': 0.04476015546405329, 'max_depth': 3, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 22, 'subsample': 0.8652094923629184}
Epoch : 429: f1_weighted Score 0.802 params {'colsample_bytree': 0.7874988319010969, 'learning_rate': 0.012891132740248177, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 325, 'num_leaves': 104, 'subsample': 0.8670298174776386}
Epoch : 430: f1_weighted Score 0.802 params {'colsample_bytree': 0.7724434993128441, 'learning_rate': 0.008840941900640702, 'max_depth': 8, 'min_child_samples': 12, 'n_estimators': 375, 'num_leaves': 110, 'subsample': 0.9317115563211855}
Epoch : 431: f1_weighted Score 0.812 params {'colsample_bytree': 0.8440800537887405, 'learning_rate': 0.027530944937082684, 'max_depth': 4, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 70, 'subsample': 0.9664903858438049}
Epoch : 432: f1_weighted Score 0.798 params {'colsample_bytree': 0.6981493448785954, 'learning_rate': 0.010915263000892624, 'max_depth': 7, 'min_child_samples': 16, 'n_estimators': 400, 'num_leaves': 112, 'subsample': 0.8983980681104338}
Epoch : 433: f1_weighted Score 0.806 params {'colsample_bytree': 0.8532714967516299, 'learning_rate': 0.01921796301002565, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 94, 'subsample': 0.921525287946527}
Epoch : 434: f1_weighted Score 0.803 params {'colsample_bytree': 0.735616955722978, 'learning_rate': 0.05435276250368649, 'max_depth': 3, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 14, 'subsample': 0.8519746694899664}
Epoch : 435: f1_weighted Score 0.795 params {'colsample_bytree': 0.7515937184229886, 'learning_rate': 0.01775601218235556, 'max_depth': 7, 'min_child_samples': 18, 'n_estimators': 275, 'num_leaves': 90, 'subsample': 0.8777052222589399}
Epoch : 436: f1_weighted Score 0.812 params {'colsample_bytree': 0.9669960797928205, 'learning_rate': 0.03161558641460438, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 72, 'subsample': 0.8549337536348981}
Epoch : 437: f1_weighted Score 0.812 params {'colsample_bytree': 0.8394157929045674, 'learning_rate': 0.059994100538777656, 'max_depth': 3, 'min_child_samples': 30, 'n_estimators': 50, 'num_leaves': 8, 'subsample': 0.8314084624505195}
Epoch : 438: f1_weighted Score 0.814 params {'colsample_bytree': 0.8977408372608051, 'learning_rate': 0.023993429898811702, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 62, 'subsample': 0.8438741462536996}
Epoch : 439: f1_weighted Score 0.809 params {'colsample_bytree': 0.8716685791411154, 'learning_rate': 0.019835461535432645, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 175, 'num_leaves': 98, 'subsample': 0.824896647100181}
Epoch : 440: f1_weighted Score 0.807 params {'colsample_bytree': 0.8255547129221339, 'learning_rate': 0.023053331700240223, 'max_depth': 4, 'min_child_samples': 22, 'n_estimators': 225, 'num_leaves': 100, 'subsample': 0.8366149726425234}
Epoch : 441: f1_weighted Score 0.811 params {'colsample_bytree': 0.8929567057933977, 'learning_rate': 0.024372709881994685, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 125, 'num_leaves': 86, 'subsample': 0.8434155040742025}
Epoch : 442: f1_weighted Score 0.799 params {'colsample_bytree': 0.7816552977265357, 'learning_rate': 0.025868608810071764, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 96, 'subsample': 0.8718891427623289}
Epoch : 443: f1_weighted Score 0.812 params {'colsample_bytree': 0.8105940699328549, 'learning_rate': 0.021434373609583262, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 150, 'num_leaves': 62, 'subsample': 0.9514536915716689}
Epoch : 444: f1_weighted Score 0.812 params {'colsample_bytree': 0.9038460177934512, 'learning_rate': 0.01676359846386473, 'max_depth': 6, 'min_child_samples': 22, 'n_estimators': 100, 'num_leaves': 128, 'subsample': 0.9434264409329053}
Epoch : 445: f1_weighted Score 0.800 params {'colsample_bytree': 0.8600625758623455, 'learning_rate': 0.02800598340094145, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 200, 'num_leaves': 84, 'subsample': 0.8595129539599895}
Epoch : 446: f1_weighted Score 0.805 params {'colsample_bytree': 0.8775798230062294, 'learning_rate': 0.019678780075122953, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 300, 'num_leaves': 122, 'subsample': 0.8825375395312871}
Epoch : 447: f1_weighted Score 0.812 params {'colsample_bytree': 0.7251567214592086, 'learning_rate': 0.016251668435959408, 'max_depth': 5, 'min_child_samples': 22, 'n_estimators': 75, 'num_leaves': 92, 'subsample': 0.8685943158986871}
Epoch : 448: f1_weighted Score 0.788 params {'colsample_bytree': 0.8320993700304419, 'learning_rate': 0.03513739487877074, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 175, 'num_leaves': 54, 'subsample': 0.8509523481786313}
Epoch : 449: f1_weighted Score 0.811 params {'colsample_bytree': 0.7569594831208106, 'learning_rate': 0.022293521421018203, 'max_depth': 3, 'min_child_samples': 24, 'n_estimators': 225, 'num_leaves': 106, 'subsample': 0.9349465786669647}
Epoch : 450: f1_weighted Score 0.812 params {'colsample_bytree': 0.7732584845040996, 'learning_rate': 0.018923047402832835, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 80, 'subsample': 0.863802489636629}
Epoch : 451: f1_weighted Score 0.784 params {'colsample_bytree': 0.9490817205413816, 'learning_rate': 0.03845753832343483, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 1175, 'num_leaves': 58, 'subsample': 0.975547599572893}
Epoch : 452: f1_weighted Score 0.793 params {'colsample_bytree': 0.8129035821663771, 'learning_rate': 0.030328043227067693, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 90, 'subsample': 0.9140812073615812}
Epoch : 453: f1_weighted Score 0.800 params {'colsample_bytree': 0.9184971028102287, 'learning_rate': 0.02376399128425667, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 150, 'num_leaves': 96, 'subsample': 0.8277231374137994}
Epoch : 454: f1_weighted Score 0.785 params {'colsample_bytree': 0.7071167811824202, 'learning_rate': 0.018066818983504228, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 825, 'num_leaves': 118, 'subsample': 0.8740189828728216}
Epoch : 455: f1_weighted Score 0.812 params {'colsample_bytree': 0.7986458013481594, 'learning_rate': 0.02537497708196493, 'max_depth': 8, 'min_child_samples': 22, 'n_estimators': 50, 'num_leaves': 102, 'subsample': 0.8347345159928783}
Epoch : 456: f1_weighted Score 0.803 params {'colsample_bytree': 0.7411448585883139, 'learning_rate': 0.015633549145788184, 'max_depth': 4, 'min_child_samples': 4, 'n_estimators': 125, 'num_leaves': 78, 'subsample': 0.9272148586641435}
Epoch : 457: f1_weighted Score 0.810 params {'colsample_bytree': 0.8686006591371913, 'learning_rate': 0.020777774155055457, 'max_depth': 3, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 48, 'subsample': 0.8563933256476837}
Epoch : 458: f1_weighted Score 0.763 params {'colsample_bytree': 0.9823411008853762, 'learning_rate': 0.19934286701086054, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 86, 'subsample': 0.8434074977784612}
Epoch : 459: f1_weighted Score 0.795 params {'colsample_bytree': 0.8494978067695569, 'learning_rate': 0.027394112240506464, 'max_depth': 7, 'min_child_samples': 20, 'n_estimators': 175, 'num_leaves': 76, 'subsample': 0.8875100463966428}
Epoch : 460: f1_weighted Score 0.810 params {'colsample_bytree': 0.6829535043267878, 'learning_rate': 0.013649600977991262, 'max_depth': 3, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 94, 'subsample': 0.9390964841328695}
Epoch : 461: f1_weighted Score 0.814 params {'colsample_bytree': 0.8268010559785717, 'learning_rate': 0.03468590339481296, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 100, 'subsample': 0.9182669856030199}
Epoch : 462: f1_weighted Score 0.805 params {'colsample_bytree': 0.8936301512096966, 'learning_rate': 0.033844706497902645, 'max_depth': 19, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 100, 'subsample': 0.9536110799597726}
Epoch : 463: f1_weighted Score 0.808 params {'colsample_bytree': 0.920879373868699, 'learning_rate': 0.03854401456286682, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 98, 'subsample': 0.9462967505976203}
Epoch : 464: f1_weighted Score 0.812 params {'colsample_bytree': 0.9481522624381837, 'learning_rate': 0.024919663130935, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 50, 'num_leaves': 92, 'subsample': 0.9802316907441917}
Epoch : 465: f1_weighted Score 0.812 params {'colsample_bytree': 0.8888652546250696, 'learning_rate': 0.030789669822490002, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 50, 'num_leaves': 90, 'subsample': 0.957393945638571}
Epoch : 466: f1_weighted Score 0.799 params {'colsample_bytree': 0.9599332041956288, 'learning_rate': 0.03559058621219169, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 84, 'subsample': 0.9293913410968423}
Epoch : 467: f1_weighted Score 0.805 params {'colsample_bytree': 0.8399274550652475, 'learning_rate': 0.022074526506198833, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 88, 'subsample': 0.9736141728928158}
Epoch : 468: f1_weighted Score 0.812 params {'colsample_bytree': 0.9089862054567115, 'learning_rate': 0.028274430317229874, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 106, 'subsample': 0.9642609351359076}
Epoch : 469: f1_weighted Score 0.808 params {'colsample_bytree': 0.8246531324042586, 'learning_rate': 0.040912804525700563, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 96, 'subsample': 0.9617056413892596}
Epoch : 470: f1_weighted Score 0.779 params {'colsample_bytree': 0.8652368653322229, 'learning_rate': 0.02279674873714384, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 975, 'num_leaves': 100, 'subsample': 0.9172187972770768}
Epoch : 471: f1_weighted Score 0.797 params {'colsample_bytree': 0.9303713469749826, 'learning_rate': 0.04981362408025094, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 82, 'subsample': 0.9243313288883249}
Epoch : 472: f1_weighted Score 0.812 params {'colsample_bytree': 0.8801201252610875, 'learning_rate': 0.017415286244513387, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 94, 'subsample': 0.9356283362733973}
Epoch : 473: f1_weighted Score 0.803 params {'colsample_bytree': 0.8517304211899827, 'learning_rate': 0.025968014598117234, 'max_depth': 19, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 104, 'subsample': 0.9315783947782423}
Epoch : 474: f1_weighted Score 0.790 params {'colsample_bytree': 0.7910050744798659, 'learning_rate': 0.03337511072425908, 'max_depth': 20, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 102, 'subsample': 0.8107436301441893}
Epoch : 475: f1_weighted Score 0.812 params {'colsample_bytree': 0.824830668370284, 'learning_rate': 0.020828520379343043, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 110, 'subsample': 0.9528280872366163}
Epoch : 476: f1_weighted Score 0.792 params {'colsample_bytree': 0.8378071051425608, 'learning_rate': 0.018458531160091145, 'max_depth': 19, 'min_child_samples': 28, 'n_estimators': 925, 'num_leaves': 98, 'subsample': 0.9437790282909321}
Epoch : 477: f1_weighted Score 0.779 params {'colsample_bytree': 0.9882850661470611, 'learning_rate': 0.031191824573919065, 'max_depth': 15, 'min_child_samples': 26, 'n_estimators': 1425, 'num_leaves': 86, 'subsample': 0.9205890177555087}
Epoch : 478: f1_weighted Score 0.812 params {'colsample_bytree': 0.974029682327581, 'learning_rate': 0.01554882728952863, 'max_depth': 16, 'min_child_samples': 24, 'n_estimators': 150, 'num_leaves': 90, 'subsample': 0.8218567687777636}
Epoch : 479: f1_weighted Score 0.812 params {'colsample_bytree': 0.9406893082899341, 'learning_rate': 0.023409476244022245, 'max_depth': 20, 'min_child_samples': 30, 'n_estimators': 50, 'num_leaves': 94, 'subsample': 0.9438178059838441}
Epoch : 480: f1_weighted Score 0.812 params {'colsample_bytree': 0.9025823081210987, 'learning_rate': 0.019933183433769708, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 78, 'subsample': 0.9705229704643649}
Epoch : 481: f1_weighted Score 0.795 params {'colsample_bytree': 0.8092456785131739, 'learning_rate': 0.04189069982759014, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 26, 'subsample': 0.9826204232017803}
Epoch : 482: f1_weighted Score 0.790 params {'colsample_bytree': 0.7744513563741832, 'learning_rate': 0.036220866331007406, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 108, 'subsample': 0.9412766070638399}
Epoch : 483: f1_weighted Score 0.808 params {'colsample_bytree': 0.8624118592226199, 'learning_rate': 0.052778243817914475, 'max_depth': 15, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 88, 'subsample': 0.960512327685245}
Epoch : 484: f1_weighted Score 0.796 params {'colsample_bytree': 0.9172376916520747, 'learning_rate': 0.028209523940183636, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 175, 'num_leaves': 36, 'subsample': 0.9485199086980532}
Epoch : 485: f1_weighted Score 0.792 params {'colsample_bytree': 0.38682716888722823, 'learning_rate': 0.029821097034107825, 'max_depth': 14, 'min_child_samples': 24, 'n_estimators': 275, 'num_leaves': 68, 'subsample': 0.9112102713348595}
Epoch : 486: f1_weighted Score 0.793 params {'colsample_bytree': 0.8785209421660648, 'learning_rate': 0.04669956462639329, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 425, 'num_leaves': 40, 'subsample': 0.9546164544306265}
Epoch : 487: f1_weighted Score 0.799 params {'colsample_bytree': 0.7858219815694474, 'learning_rate': 0.014564975009942532, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 82, 'subsample': 0.8004112569072982}
Epoch : 488: f1_weighted Score 0.797 params {'colsample_bytree': 0.8189619268461183, 'learning_rate': 0.02495919878413748, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 104, 'subsample': 0.9914465256658073}
Epoch : 489: f1_weighted Score 0.812 params {'colsample_bytree': 0.8924094497605801, 'learning_rate': 0.026878154916617655, 'max_depth': 10, 'min_child_samples': 26, 'n_estimators': 75, 'num_leaves': 96, 'subsample': 0.9766363921059261}
Epoch : 490: f1_weighted Score 0.796 params {'colsample_bytree': 0.8006527686157395, 'learning_rate': 0.038677136200426794, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 92, 'subsample': 0.9840797399881831}
Epoch : 491: f1_weighted Score 0.779 params {'colsample_bytree': 0.8435220105471322, 'learning_rate': 0.044972516446244455, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 1475, 'num_leaves': 80, 'subsample': 0.9164218333525073}
Epoch : 492: f1_weighted Score 0.812 params {'colsample_bytree': 0.8539684450729811, 'learning_rate': 0.016705588059643117, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 112, 'subsample': 0.9381541204654986}
Epoch : 493: f1_weighted Score 0.799 params {'colsample_bytree': 0.7639927142932768, 'learning_rate': 0.031901921562419555, 'max_depth': 17, 'min_child_samples': 24, 'n_estimators': 150, 'num_leaves': 64, 'subsample': 0.8165233487963972}
Epoch : 494: f1_weighted Score 0.790 params {'colsample_bytree': 0.8791159856288975, 'learning_rate': 0.057941776009995616, 'max_depth': 19, 'min_child_samples': 22, 'n_estimators': 675, 'num_leaves': 76, 'subsample': 0.8376715424360806}
Epoch : 495: f1_weighted Score 0.812 params {'colsample_bytree': 0.8306717910359894, 'learning_rate': 0.02263225684202797, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 50, 'num_leaves': 98, 'subsample': 0.968605936229116}
Epoch : 496: f1_weighted Score 0.793 params {'colsample_bytree': 0.9654811013443135, 'learning_rate': 0.017844738685093363, 'max_depth': 17, 'min_child_samples': 24, 'n_estimators': 300, 'num_leaves': 60, 'subsample': 0.9244209315007089}
Epoch : 497: f1_weighted Score 0.811 params {'colsample_bytree': 0.7261821282725718, 'learning_rate': 0.049924747033757176, 'max_depth': 3, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 88, 'subsample': 0.844897308503929}
Epoch : 498: f1_weighted Score 0.809 params {'colsample_bytree': 0.3023901687328846, 'learning_rate': 0.02096189328916646, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 100, 'subsample': 0.9642387259593985}
Epoch : 499: f1_weighted Score 0.787 params {'colsample_bytree': 0.9019707794563271, 'learning_rate': 0.03446105566112631, 'max_depth': 15, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 84, 'subsample': 0.9463193994404525}
Epoch : 500: f1_weighted Score 0.795 params {'colsample_bytree': 0.9382793389977147, 'learning_rate': 0.04261965704433427, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 108, 'subsample': 0.9041248020486234}
Epoch : 501: f1_weighted Score 0.812 params {'colsample_bytree': 0.8082888505705865, 'learning_rate': 0.01187239695203106, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 10, 'subsample': 0.8294516874772956}
Epoch : 502: f1_weighted Score 0.812 params {'colsample_bytree': 0.7470923320244034, 'learning_rate': 0.01912786539795395, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 50, 'subsample': 0.9292618122042187}
Epoch : 503: f1_weighted Score 0.793 params {'colsample_bytree': 0.7777211277056544, 'learning_rate': 0.03719825642769522, 'max_depth': 16, 'min_child_samples': 24, 'n_estimators': 275, 'num_leaves': 102, 'subsample': 0.9729676544477606}
Epoch : 504: f1_weighted Score 0.792 params {'colsample_bytree': 0.7882192551802253, 'learning_rate': 0.06441315030269111, 'max_depth': 20, 'min_child_samples': 22, 'n_estimators': 250, 'num_leaves': 72, 'subsample': 0.9340328419609784}
Epoch : 505: f1_weighted Score 0.812 params {'colsample_bytree': 0.8637157822897235, 'learning_rate': 0.013186377327966639, 'max_depth': 3, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 90, 'subsample': 0.9513659192197315}
Epoch : 506: f1_weighted Score 0.781 params {'colsample_bytree': 0.9974160608586962, 'learning_rate': 0.0268126679531538, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 1300, 'num_leaves': 82, 'subsample': 0.8489238375970537}
Epoch : 507: f1_weighted Score 0.811 params {'colsample_bytree': 0.8218738550059448, 'learning_rate': 0.024209565692038294, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 74, 'subsample': 0.9087640070266003}
Epoch : 508: f1_weighted Score 0.794 params {'colsample_bytree': 0.9179807883874865, 'learning_rate': 0.029060467656785095, 'max_depth': 14, 'min_child_samples': 24, 'n_estimators': 400, 'num_leaves': 54, 'subsample': 0.8086207690655833}
Epoch : 509: f1_weighted Score 0.796 params {'colsample_bytree': 0.7564832141361052, 'learning_rate': 0.016068510628064935, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 20, 'subsample': 0.9590405283038431}
Epoch : 510: f1_weighted Score 0.811 params {'colsample_bytree': 0.8435980258223558, 'learning_rate': 0.03311973592298971, 'max_depth': 19, 'min_child_samples': 26, 'n_estimators': 75, 'num_leaves': 94, 'subsample': 0.824390913534292}
Epoch : 511: f1_weighted Score 0.805 params {'colsample_bytree': 0.9533079752559792, 'learning_rate': 0.020755907008006228, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 106, 'subsample': 0.9780229246684227}
Epoch : 512: f1_weighted Score 0.797 params {'colsample_bytree': 0.8023373611654342, 'learning_rate': 0.05220367027771642, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 46, 'subsample': 0.8601497629970751}
Epoch : 513: f1_weighted Score 0.783 params {'colsample_bytree': 0.8892626734877208, 'learning_rate': 0.039732956408527434, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 1125, 'num_leaves': 86, 'subsample': 0.8384160428849152}
Epoch : 514: f1_weighted Score 0.810 params {'colsample_bytree': 0.8673670279003727, 'learning_rate': 0.01789007288737464, 'max_depth': 3, 'min_child_samples': 24, 'n_estimators': 250, 'num_leaves': 66, 'subsample': 0.8336562405159896}
Epoch : 515: f1_weighted Score 0.803 params {'colsample_bytree': 0.7006505308097759, 'learning_rate': 0.022738314439225953, 'max_depth': 6, 'min_child_samples': 22, 'n_estimators': 550, 'num_leaves': 114, 'subsample': 0.8957691667414966}
Epoch : 516: f1_weighted Score 0.812 params {'colsample_bytree': 0.9254567699636055, 'learning_rate': 0.031042536098466286, 'max_depth': 3, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 34, 'subsample': 0.9401769127508085}
Epoch : 517: f1_weighted Score 0.790 params {'colsample_bytree': 0.7375357815241043, 'learning_rate': 0.048813652918635604, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 62, 'subsample': 0.8528727314781908}
Epoch : 518: f1_weighted Score 0.784 params {'colsample_bytree': 0.7704921875009925, 'learning_rate': 0.03624525086851824, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 750, 'num_leaves': 78, 'subsample': 0.9196973224511746}
Epoch : 519: f1_weighted Score 0.800 params {'colsample_bytree': 0.8530185099097898, 'learning_rate': 0.04310821915167107, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 100, 'num_leaves': 58, 'subsample': 0.9563457840355635}
Epoch : 520: f1_weighted Score 0.794 params {'colsample_bytree': 0.6621795379362443, 'learning_rate': 0.025159477609099895, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 90, 'subsample': 0.8803456207736771}
Epoch : 521: f1_weighted Score 0.792 params {'colsample_bytree': 0.8328725116158763, 'learning_rate': 0.054265606691662686, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 96, 'subsample': 0.8671559421956542}
Epoch : 522: f1_weighted Score 0.794 params {'colsample_bytree': 0.8154651592533163, 'learning_rate': 0.01407800047432046, 'max_depth': 10, 'min_child_samples': 24, 'n_estimators': 1025, 'num_leaves': 110, 'subsample': 0.9007209368437243}
Epoch : 523: f1_weighted Score 0.790 params {'colsample_bytree': 0.905760555269091, 'learning_rate': 0.0616640288710219, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 70, 'subsample': 0.994573058711358}
Epoch : 524: f1_weighted Score 0.802 params {'colsample_bytree': 0.7147226017738024, 'learning_rate': 0.015064526648701695, 'max_depth': 5, 'min_child_samples': 22, 'n_estimators': 50, 'num_leaves': 104, 'subsample': 0.8563872995823983}
Epoch : 525: f1_weighted Score 0.799 params {'colsample_bytree': 0.8786639211403153, 'learning_rate': 0.02803189580588463, 'max_depth': 8, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 84, 'subsample': 0.9638594118843393}
Epoch : 526: f1_weighted Score 0.814 params {'colsample_bytree': 0.7884523151966228, 'learning_rate': 0.012439165264764521, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 98, 'subsample': 0.8484908019297585}
Epoch : 527: f1_weighted Score 0.796 params {'colsample_bytree': 0.7296039795811583, 'learning_rate': 0.01238786213241098, 'max_depth': 20, 'min_child_samples': 26, 'n_estimators': 475, 'num_leaves': 116, 'subsample': 0.839949802652095}
Epoch : 528: f1_weighted Score 0.812 params {'colsample_bytree': 0.7601826902173611, 'learning_rate': 0.038832503580360084, 'max_depth': 3, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 42, 'subsample': 0.9871278250195631}
Epoch : 529: f1_weighted Score 0.797 params {'colsample_bytree': 0.685664283375576, 'learning_rate': 0.012966666724697902, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 425, 'num_leaves': 80, 'subsample': 0.8192164522166963}
Epoch : 530: f1_weighted Score 0.810 params {'colsample_bytree': 0.8024550612392454, 'learning_rate': 0.019634729175046352, 'max_depth': 17, 'min_child_samples': 20, 'n_estimators': 100, 'num_leaves': 92, 'subsample': 0.8700296669645565}
Epoch : 531: f1_weighted Score 0.786 params {'colsample_bytree': 0.850557107250592, 'learning_rate': 0.07340839203010395, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 68, 'subsample': 0.8755681861708913}
Epoch : 532: f1_weighted Score 0.812 params {'colsample_bytree': 0.9420167638986499, 'learning_rate': 0.00960672535515938, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 100, 'subsample': 0.8444682823096606}
Epoch : 533: f1_weighted Score 0.812 params {'colsample_bytree': 0.783378313448859, 'learning_rate': 0.01035658057565064, 'max_depth': 4, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 108, 'subsample': 0.8217877101859753}
Epoch : 534: f1_weighted Score 0.800 params {'colsample_bytree': 0.7428015289815639, 'learning_rate': 0.011874023830116846, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 450, 'num_leaves': 74, 'subsample': 0.8474521554457126}
Epoch : 535: f1_weighted Score 0.802 params {'colsample_bytree': 0.7714359608589996, 'learning_rate': 0.01438033793816026, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 112, 'subsample': 0.827750584117103}
Epoch : 536: f1_weighted Score 0.779 params {'colsample_bytree': 0.8324975086351933, 'learning_rate': 0.045793695920126505, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 800, 'num_leaves': 24, 'subsample': 0.9500543605201645}
Epoch : 537: f1_weighted Score 0.797 params {'colsample_bytree': 0.7920069626700892, 'learning_rate': 0.01613710498432916, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 106, 'subsample': 0.8294898064602175}
Epoch : 538: f1_weighted Score 0.791 params {'colsample_bytree': 0.898312010024563, 'learning_rate': 0.011253994967846903, 'max_depth': 16, 'min_child_samples': 24, 'n_estimators': 625, 'num_leaves': 98, 'subsample': 0.8626247874007912}
Epoch : 539: f1_weighted Score 0.803 params {'colsample_bytree': 0.7212668298771725, 'learning_rate': 0.01727661277975236, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 102, 'subsample': 0.8157064343342846}
Epoch : 540: f1_weighted Score 0.810 params {'colsample_bytree': 0.8145964830140392, 'learning_rate': 0.02206401138482037, 'max_depth': 3, 'min_child_samples': 22, 'n_estimators': 175, 'num_leaves': 86, 'subsample': 0.9703452954768665}
Epoch : 541: f1_weighted Score 0.794 params {'colsample_bytree': 0.8720760646933394, 'learning_rate': 0.03335159566160848, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 150, 'num_leaves': 14, 'subsample': 0.9122565818031985}
Epoch : 542: f1_weighted Score 0.792 params {'colsample_bytree': 0.7014170705413514, 'learning_rate': 0.05759042359007853, 'max_depth': 8, 'min_child_samples': 24, 'n_estimators': 200, 'num_leaves': 56, 'subsample': 0.8491826585801201}
Epoch : 543: f1_weighted Score 0.788 params {'colsample_bytree': 0.9731476713457056, 'learning_rate': 0.026542235527521045, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 850, 'num_leaves': 44, 'subsample': 0.9999027389472196}
Epoch : 544: f1_weighted Score 0.812 params {'colsample_bytree': 0.6563083591117453, 'learning_rate': 0.012788024612250355, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 80, 'subsample': 0.833579203656929}
Epoch : 545: f1_weighted Score 0.796 params {'colsample_bytree': 0.6786558080742969, 'learning_rate': 0.015270574981301013, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 500, 'num_leaves': 76, 'subsample': 0.8401351129005376}
Epoch : 546: f1_weighted Score 0.793 params {'colsample_bytree': 0.7494245194943956, 'learning_rate': 0.013596729938837466, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 700, 'num_leaves': 96, 'subsample': 0.8544584959155372}
Epoch : 547: f1_weighted Score 0.812 params {'colsample_bytree': 0.930548479223034, 'learning_rate': 0.06368791028422947, 'max_depth': 3, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 60, 'subsample': 0.8574496853142467}
Epoch : 548: f1_weighted Score 0.814 params {'colsample_bytree': 0.7887245761403467, 'learning_rate': 0.011438697479845689, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 30, 'subsample': 0.9380853961060822}
Epoch : 549: f1_weighted Score 0.798 params {'colsample_bytree': 0.7154956650915062, 'learning_rate': 0.010904744587403273, 'max_depth': 8, 'min_child_samples': 20, 'n_estimators': 400, 'num_leaves': 28, 'subsample': 0.9473181198016728}
Epoch : 550: f1_weighted Score 0.812 params {'colsample_bytree': 0.6413622963113766, 'learning_rate': 0.024172050446071385, 'max_depth': 4, 'min_child_samples': 22, 'n_estimators': 100, 'num_leaves': 92, 'subsample': 0.9062016811934065}
Epoch : 551: f1_weighted Score 0.799 params {'colsample_bytree': 0.8243946371978753, 'learning_rate': 0.019365751050127597, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 26, 'subsample': 0.933466779972375}
Epoch : 552: f1_weighted Score 0.800 params {'colsample_bytree': 0.6699652168175556, 'learning_rate': 0.010497796374387532, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 16, 'subsample': 0.967814963157597}
Epoch : 553: f1_weighted Score 0.780 params {'colsample_bytree': 0.9142070858154598, 'learning_rate': 0.06938092689272166, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 1075, 'num_leaves': 38, 'subsample': 0.9210194206931591}
Epoch : 554: f1_weighted Score 0.796 params {'colsample_bytree': 0.7547085849738081, 'learning_rate': 0.017289623310300054, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 88, 'subsample': 0.8432471073521866}
Epoch : 555: f1_weighted Score 0.805 params {'colsample_bytree': 0.8602007412652315, 'learning_rate': 0.011312535203135453, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 30, 'subsample': 0.927781247927424}
Epoch : 556: f1_weighted Score 0.810 params {'colsample_bytree': 0.8833327851826253, 'learning_rate': 0.03060498059898961, 'max_depth': 14, 'min_child_samples': 22, 'n_estimators': 75, 'num_leaves': 50, 'subsample': 0.8862598856823878}
Epoch : 557: f1_weighted Score 0.799 params {'colsample_bytree': 0.6938322032402179, 'learning_rate': 0.008107416436982786, 'max_depth': 8, 'min_child_samples': 26, 'n_estimators': 475, 'num_leaves': 34, 'subsample': 0.8112021427542491}
Epoch : 558: f1_weighted Score 0.806 params {'colsample_bytree': 0.7795677942656422, 'learning_rate': 0.014756583322820817, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 118, 'subsample': 0.9606701030091922}
Epoch : 559: f1_weighted Score 0.810 params {'colsample_bytree': 0.7334034907800432, 'learning_rate': 0.009396320302107667, 'max_depth': 3, 'min_child_samples': 24, 'n_estimators': 375, 'num_leaves': 70, 'subsample': 0.8625717495513064}
Epoch : 560: f1_weighted Score 0.801 params {'colsample_bytree': 0.838196743639018, 'learning_rate': 0.008489660217456611, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 575, 'num_leaves': 20, 'subsample': 0.9329405340629587}
Epoch : 561: f1_weighted Score 0.812 params {'colsample_bytree': 0.7937082005330915, 'learning_rate': 0.009807794340832772, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 8, 'subsample': 0.9365223383230104}
Epoch : 562: f1_weighted Score 0.796 params {'colsample_bytree': 0.7042741269656833, 'learning_rate': 0.012166962817160395, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 450, 'num_leaves': 20, 'subsample': 0.9238531111425121}
Epoch : 563: f1_weighted Score 0.796 params {'colsample_bytree': 0.9992770278665517, 'learning_rate': 0.04111945147504475, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 64, 'subsample': 0.9818966249894501}
Epoch : 564: f1_weighted Score 0.805 params {'colsample_bytree': 0.7662734356717296, 'learning_rate': 0.013685709805665781, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 30, 'subsample': 0.953782952529132}
Epoch : 565: f1_weighted Score 0.812 params {'colsample_bytree': 0.9587119805466994, 'learning_rate': 0.00804701226565599, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 350, 'num_leaves': 104, 'subsample': 0.8245905412961329}
Epoch : 566: f1_weighted Score 0.798 params {'colsample_bytree': 0.9010144220807985, 'learning_rate': 0.04947541903071534, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 84, 'subsample': 0.9160445515655042}
Epoch : 567: f1_weighted Score 0.812 params {'colsample_bytree': 0.7395072071593073, 'learning_rate': 0.008964605163786925, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 24, 'subsample': 0.8483658714667951}
Epoch : 568: f1_weighted Score 0.812 params {'colsample_bytree': 0.8105634900120677, 'learning_rate': 0.03547578912691593, 'max_depth': 3, 'min_child_samples': 24, 'n_estimators': 50, 'num_leaves': 94, 'subsample': 0.8935369142041152}
Epoch : 569: f1_weighted Score 0.797 params {'colsample_bytree': 0.5405438457599728, 'learning_rate': 0.01045299756862415, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 525, 'num_leaves': 10, 'subsample': 0.9741489676137357}
Epoch : 570: f1_weighted Score 0.803 params {'colsample_bytree': 0.886131475534862, 'learning_rate': 0.05818531391061027, 'max_depth': 3, 'min_child_samples': 26, 'n_estimators': 175, 'num_leaves': 100, 'subsample': 0.8527201846608499}
Epoch : 571: f1_weighted Score 0.796 params {'colsample_bytree': 0.7276179513193529, 'learning_rate': 0.011790181489939013, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 550, 'num_leaves': 22, 'subsample': 0.9277507557984221}
Epoch : 572: f1_weighted Score 0.794 params {'colsample_bytree': 0.8492047924161514, 'learning_rate': 0.016238377995569476, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 36, 'subsample': 0.9388558130557642}
Epoch : 573: f1_weighted Score 0.796 params {'colsample_bytree': 0.5965952034965747, 'learning_rate': 0.021274351532222527, 'max_depth': 7, 'min_child_samples': 20, 'n_estimators': 275, 'num_leaves': 16, 'subsample': 0.9640995346737545}
Epoch : 574: f1_weighted Score 0.797 params {'colsample_bytree': 0.7693765874526679, 'learning_rate': 0.012271194220097512, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 425, 'num_leaves': 34, 'subsample': 0.9438135477893085}
Epoch : 575: f1_weighted Score 0.805 params {'colsample_bytree': 0.7792411114855402, 'learning_rate': 0.012912665991067378, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 28, 'subsample': 0.9541555327114204}
Epoch : 576: f1_weighted Score 0.797 params {'colsample_bytree': 0.8008713005016398, 'learning_rate': 0.010308410288103587, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 900, 'num_leaves': 38, 'subsample': 0.9150790070611307}
Epoch : 577: f1_weighted Score 0.812 params {'colsample_bytree': 0.6363343057901583, 'learning_rate': 0.008691533859157854, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 22, 'subsample': 0.9602888461262465}
Epoch : 578: f1_weighted Score 0.812 params {'colsample_bytree': 0.8344156703682762, 'learning_rate': 0.01853278760449085, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 175, 'num_leaves': 98, 'subsample': 0.8446680778921737}
Epoch : 579: f1_weighted Score 0.812 params {'colsample_bytree': 0.8172375473803177, 'learning_rate': 0.02392630654551766, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 26, 'subsample': 0.9435822028184199}
Epoch : 580: f1_weighted Score 0.808 params {'colsample_bytree': 0.7907155845787212, 'learning_rate': 0.015118825544967802, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 30, 'subsample': 0.8343701319243951}
Epoch : 581: f1_weighted Score 0.796 params {'colsample_bytree': 0.7990689729563256, 'learning_rate': 0.04330674817106975, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 38, 'subsample': 0.9231341040895693}
Epoch : 582: f1_weighted Score 0.812 params {'colsample_bytree': 0.7566934829789589, 'learning_rate': 0.011136632396016971, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 48, 'subsample': 0.8387160953532998}
Epoch : 583: f1_weighted Score 0.812 params {'colsample_bytree': 0.823531637085339, 'learning_rate': 0.016695760690075435, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 44, 'subsample': 0.9486766673073909}
Epoch : 584: f1_weighted Score 0.812 params {'colsample_bytree': 0.8707232151053067, 'learning_rate': 0.013750293746599213, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 200, 'num_leaves': 90, 'subsample': 0.8594285537799967}
Epoch : 585: f1_weighted Score 0.812 params {'colsample_bytree': 0.8445225212101664, 'learning_rate': 0.02000192843400368, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 102, 'subsample': 0.8658847527431522}
Epoch : 586: f1_weighted Score 0.812 params {'colsample_bytree': 0.85836739028502, 'learning_rate': 0.011437020174020297, 'max_depth': 4, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 110, 'subsample': 0.8488107884502679}
Epoch : 587: f1_weighted Score 0.812 params {'colsample_bytree': 0.4295757396195924, 'learning_rate': 0.028908040725383236, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 12, 'subsample': 0.9306891224232898}
Epoch : 588: f1_weighted Score 0.812 params {'colsample_bytree': 0.7778648995507201, 'learning_rate': 0.038114189587666616, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 40, 'subsample': 0.8537013031838794}
Epoch : 589: f1_weighted Score 0.811 params {'colsample_bytree': 0.754578345360991, 'learning_rate': 0.013562782892639914, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 94, 'subsample': 0.9555969317948421}
Epoch : 590: f1_weighted Score 0.812 params {'colsample_bytree': 0.8100023718993692, 'learning_rate': 0.009739569684747405, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 96, 'subsample': 0.9188985183987716}
Epoch : 591: f1_weighted Score 0.811 params {'colsample_bytree': 0.7676142154102904, 'learning_rate': 0.015544636650042598, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 106, 'subsample': 0.9466393281013099}
Epoch : 592: f1_weighted Score 0.808 params {'colsample_bytree': 0.8377430859645488, 'learning_rate': 0.01716705721880557, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 92, 'subsample': 0.9123039091741848}
Epoch : 593: f1_weighted Score 0.805 params {'colsample_bytree': 0.7886212028882008, 'learning_rate': 0.052986349176162094, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 34, 'subsample': 0.9364317291377319}
Epoch : 594: f1_weighted Score 0.812 params {'colsample_bytree': 0.8668835134782902, 'learning_rate': 0.023362084478288924, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 98, 'subsample': 0.8710721283115489}
Epoch : 595: f1_weighted Score 0.802 params {'colsample_bytree': 0.8308113665372528, 'learning_rate': 0.018385944828034444, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 18, 'subsample': 0.9254679349789853}
Epoch : 596: f1_weighted Score 0.803 params {'colsample_bytree': 0.7476968704639178, 'learning_rate': 0.030905444239234494, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 24, 'subsample': 0.8576530538307403}
Epoch : 597: f1_weighted Score 0.802 params {'colsample_bytree': 0.8006057700628015, 'learning_rate': 0.047780092229056687, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 100, 'num_leaves': 28, 'subsample': 0.8412309555061255}
Epoch : 598: f1_weighted Score 0.809 params {'colsample_bytree': 0.7221936934623104, 'learning_rate': 0.015928747549139154, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 32, 'subsample': 0.8308488078647117}
Epoch : 599: f1_weighted Score 0.805 params {'colsample_bytree': 0.820969370840342, 'learning_rate': 0.026689056691427314, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 16, 'subsample': 0.945097874803114}
Epoch : 600: f1_weighted Score 0.812 params {'colsample_bytree': 0.8553626784264301, 'learning_rate': 0.021825508458324903, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 46, 'subsample': 0.9395956490206193}
Epoch : 601: f1_weighted Score 0.812 params {'colsample_bytree': 0.7340430045756188, 'learning_rate': 0.012458198045461312, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 102, 'subsample': 0.9514417533114445}
Epoch : 602: f1_weighted Score 0.808 params {'colsample_bytree': 0.7833084539890302, 'learning_rate': 0.014342311841796221, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 54, 'subsample': 0.9576714918861461}
Epoch : 603: f1_weighted Score 0.794 params {'colsample_bytree': 0.8452102001316882, 'learning_rate': 0.019441613226075176, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 108, 'subsample': 0.9403585868498014}
Epoch : 604: f1_weighted Score 0.779 params {'colsample_bytree': 0.7673962094887548, 'learning_rate': 0.08250024371748908, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 88, 'subsample': 0.9332414446477698}
Epoch : 605: f1_weighted Score 0.812 params {'colsample_bytree': 0.8882348293482506, 'learning_rate': 0.01842630305808463, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 12, 'subsample': 0.9677074391010414}
Epoch : 606: f1_weighted Score 0.802 params {'colsample_bytree': 0.793441981356873, 'learning_rate': 0.020033916974417726, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 26, 'subsample': 0.9288358997372038}
Epoch : 607: f1_weighted Score 0.812 params {'colsample_bytree': 0.8102675481711039, 'learning_rate': 0.032943553546701594, 'max_depth': 3, 'min_child_samples': 24, 'n_estimators': 50, 'num_leaves': 114, 'subsample': 0.8733818185212567}
Epoch : 608: f1_weighted Score 0.812 params {'colsample_bytree': 0.9213914027207251, 'learning_rate': 0.025195354310104418, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 104, 'subsample': 0.8787143382845136}
Epoch : 609: f1_weighted Score 0.808 params {'colsample_bytree': 0.7114057483402048, 'learning_rate': 0.014662341564057525, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 32, 'subsample': 0.970921009470537}
Epoch : 610: f1_weighted Score 0.812 params {'colsample_bytree': 0.8703537293805238, 'learning_rate': 0.01082368155022935, 'max_depth': 3, 'min_child_samples': 26, 'n_estimators': 150, 'num_leaves': 100, 'subsample': 0.8367066676921672}
Epoch : 611: f1_weighted Score 0.803 params {'colsample_bytree': 0.6886095726363081, 'learning_rate': 0.012711666477188101, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 44, 'subsample': 0.8620995228665802}
Epoch : 612: f1_weighted Score 0.812 params {'colsample_bytree': 0.9042249228771081, 'learning_rate': 0.0091876218365109, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 100, 'num_leaves': 90, 'subsample': 0.8996186862145545}
Epoch : 613: f1_weighted Score 0.812 params {'colsample_bytree': 0.8289898169529917, 'learning_rate': 0.029884340747515187, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 50, 'num_leaves': 42, 'subsample': 0.9633173978911002}
Epoch : 614: f1_weighted Score 0.806 params {'colsample_bytree': 0.8783570302996552, 'learning_rate': 0.03552610727434552, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 100, 'num_leaves': 20, 'subsample': 0.9495317581216753}
Epoch : 615: f1_weighted Score 0.812 params {'colsample_bytree': 0.8532230850135607, 'learning_rate': 0.021871222472821125, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 82, 'subsample': 0.84492921406868}
Epoch : 616: f1_weighted Score 0.797 params {'colsample_bytree': 0.8145981749508636, 'learning_rate': 0.027314321905643903, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 14, 'subsample': 0.9414315521309329}
Epoch : 617: f1_weighted Score 0.809 params {'colsample_bytree': 0.7461296914369125, 'learning_rate': 0.017134205698521254, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 200, 'num_leaves': 86, 'subsample': 0.8500458929524943}
Epoch : 618: f1_weighted Score 0.797 params {'colsample_bytree': 0.889428322508579, 'learning_rate': 0.04049625962885187, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 22, 'subsample': 0.9359878382696601}
Epoch : 619: f1_weighted Score 0.794 params {'colsample_bytree': 0.7799094959015919, 'learning_rate': 0.04517848319765093, 'max_depth': 9, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 38, 'subsample': 0.8650614742282604}
Epoch : 620: f1_weighted Score 0.812 params {'colsample_bytree': 0.8064821396746523, 'learning_rate': 0.025373127514032975, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 36, 'subsample': 0.9102285527811294}
Epoch : 621: f1_weighted Score 0.805 params {'colsample_bytree': 0.843030318273508, 'learning_rate': 0.033087361901671844, 'max_depth': 5, 'min_child_samples': 22, 'n_estimators': 125, 'num_leaves': 48, 'subsample': 0.9775508751115083}
Epoch : 622: f1_weighted Score 0.812 params {'colsample_bytree': 0.8624629646609345, 'learning_rate': 0.028874316452567547, 'max_depth': 3, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 30, 'subsample': 0.9524902242589998}
Epoch : 623: f1_weighted Score 0.806 params {'colsample_bytree': 0.7057977430682429, 'learning_rate': 0.01339799764403743, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 52, 'subsample': 0.8559587452550805}
Epoch : 624: f1_weighted Score 0.814 params {'colsample_bytree': 0.8251684444500301, 'learning_rate': 0.03830446617571511, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 72, 'subsample': 0.9063602284035559}
Epoch : 625: f1_weighted Score 0.792 params {'colsample_bytree': 0.7641018164949743, 'learning_rate': 0.03718983272555708, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 68, 'subsample': 0.9191328585280889}
Epoch : 626: f1_weighted Score 0.812 params {'colsample_bytree': 0.9442191060270825, 'learning_rate': 0.05514060096834945, 'max_depth': 3, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 62, 'subsample': 0.9025038178514535}
Epoch : 627: f1_weighted Score 0.791 params {'colsample_bytree': 0.7875978910765797, 'learning_rate': 0.06793339776539278, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 76, 'subsample': 0.9053897819696851}
Epoch : 628: f1_weighted Score 0.796 params {'colsample_bytree': 0.9080814461089695, 'learning_rate': 0.0202920875974281, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 42, 'subsample': 0.9089072068267663}
Epoch : 629: f1_weighted Score 0.806 params {'colsample_bytree': 0.8244452161846624, 'learning_rate': 0.04535104355413572, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 74, 'subsample': 0.9199999779545015}
Epoch : 630: f1_weighted Score 0.810 params {'colsample_bytree': 0.895188033955995, 'learning_rate': 0.022592311206709837, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 112, 'subsample': 0.8980300151800035}
Epoch : 631: f1_weighted Score 0.792 params {'colsample_bytree': 0.8377546056213537, 'learning_rate': 0.07515594771690734, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 100, 'num_leaves': 66, 'subsample': 0.8914226667173379}
Epoch : 632: f1_weighted Score 0.812 params {'colsample_bytree': 0.741501634209914, 'learning_rate': 0.007293555501900862, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 175, 'num_leaves': 58, 'subsample': 0.8352191581645384}
Epoch : 633: f1_weighted Score 0.809 params {'colsample_bytree': 0.9174832879672689, 'learning_rate': 0.04013739739732369, 'max_depth': 10, 'min_child_samples': 22, 'n_estimators': 75, 'num_leaves': 72, 'subsample': 0.9039011410958383}
Epoch : 634: f1_weighted Score 0.811 params {'colsample_bytree': 0.9318538967013963, 'learning_rate': 0.010233484328078631, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 92, 'subsample': 0.9076255700405474}
Epoch : 635: f1_weighted Score 0.802 params {'colsample_bytree': 0.8731001495272187, 'learning_rate': 0.060544487888406724, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 200, 'num_leaves': 64, 'subsample': 0.9162780151332557}
Epoch : 636: f1_weighted Score 0.812 params {'colsample_bytree': 0.8213158715914569, 'learning_rate': 0.008452736844783197, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 108, 'subsample': 0.9253439413046308}
Epoch : 637: f1_weighted Score 0.805 params {'colsample_bytree': 0.8518577093377049, 'learning_rate': 0.027438431071518478, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 78, 'subsample': 0.898002064763536}
Epoch : 638: f1_weighted Score 0.812 params {'colsample_bytree': 0.9824000221053713, 'learning_rate': 0.04380075591033057, 'max_depth': 3, 'min_child_samples': 24, 'n_estimators': 50, 'num_leaves': 66, 'subsample': 0.884570235006118}
Epoch : 639: f1_weighted Score 0.812 params {'colsample_bytree': 0.798509239793906, 'learning_rate': 0.011655866433546106, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 82, 'subsample': 0.8697724710556314}
Epoch : 640: f1_weighted Score 0.799 params {'colsample_bytree': 0.7715574140917707, 'learning_rate': 0.08876373934700141, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 72, 'subsample': 0.8239926413485201}
Epoch : 641: f1_weighted Score 0.798 params {'colsample_bytree': 0.9543270478629944, 'learning_rate': 0.050168196345972395, 'max_depth': 3, 'min_child_samples': 24, 'n_estimators': 250, 'num_leaves': 98, 'subsample': 0.8517957486376582}
Epoch : 642: f1_weighted Score 0.812 params {'colsample_bytree': 0.8628172192693542, 'learning_rate': 0.03610867409052865, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 70, 'subsample': 0.8876459109806987}
Epoch : 643: f1_weighted Score 0.812 params {'colsample_bytree': 0.794655498357378, 'learning_rate': 0.009507830836168603, 'max_depth': 3, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 104, 'subsample': 0.859357794434081}
Epoch : 644: f1_weighted Score 0.812 params {'colsample_bytree': 0.720123046082278, 'learning_rate': 0.01594842767863233, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 100, 'subsample': 0.932583435955887}
Epoch : 645: f1_weighted Score 0.783 params {'colsample_bytree': 0.8093947999380244, 'learning_rate': 0.055102612572706086, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 175, 'num_leaves': 86, 'subsample': 0.9139321772344821}
Epoch : 646: f1_weighted Score 0.781 params {'colsample_bytree': 0.8380682384132383, 'learning_rate': 0.023965244815541558, 'max_depth': 7, 'min_child_samples': 22, 'n_estimators': 1250, 'num_leaves': 50, 'subsample': 0.9591847967941796}
Epoch : 647: f1_weighted Score 0.812 params {'colsample_bytree': 0.3619338370563878, 'learning_rate': 0.014617837931834299, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 26, 'subsample': 0.9234347984772094}
Epoch : 648: f1_weighted Score 0.800 params {'colsample_bytree': 0.7551803386219224, 'learning_rate': 0.047208554663027355, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 78, 'subsample': 0.9095859453449927}
Epoch : 649: f1_weighted Score 0.796 params {'colsample_bytree': 0.6721100514430551, 'learning_rate': 0.06626420054252444, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 80, 'subsample': 0.9023069739638546}
Epoch : 650: f1_weighted Score 0.798 params {'colsample_bytree': 0.7313727325281303, 'learning_rate': 0.01748468848192801, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 400, 'num_leaves': 54, 'subsample': 0.973150123934895}
Epoch : 651: f1_weighted Score 0.812 params {'colsample_bytree': 0.7784647769381328, 'learning_rate': 0.010336493125217377, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 74, 'subsample': 0.9830093029942584}
Epoch : 652: f1_weighted Score 0.809 params {'colsample_bytree': 0.761133636032692, 'learning_rate': 0.03969363113869111, 'max_depth': 12, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 84, 'subsample': 0.9265568572490315}
Epoch : 653: f1_weighted Score 0.812 params {'colsample_bytree': 0.893894622796186, 'learning_rate': 0.03209484575180908, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 50, 'num_leaves': 60, 'subsample': 0.8795520385310075}
Epoch : 654: f1_weighted Score 0.812 params {'colsample_bytree': 0.8761190474617023, 'learning_rate': 0.020633598692435695, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 94, 'subsample': 0.8941367573845456}
Epoch : 655: f1_weighted Score 0.812 params {'colsample_bytree': 0.9101329273493369, 'learning_rate': 0.022772611039784323, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 94, 'subsample': 0.8834167144189521}
Epoch : 656: f1_weighted Score 0.806 params {'colsample_bytree': 0.9283926439329729, 'learning_rate': 0.025493661532037075, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 40, 'subsample': 0.9146121352132405}
Epoch : 657: f1_weighted Score 0.784 params {'colsample_bytree': 0.8454585878113259, 'learning_rate': 0.04260470096708074, 'max_depth': 8, 'min_child_samples': 22, 'n_estimators': 950, 'num_leaves': 62, 'subsample': 0.9199015812848217}
Epoch : 658: f1_weighted Score 0.812 params {'colsample_bytree': 0.7397326491258668, 'learning_rate': 0.011862876585007849, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 96, 'subsample': 0.9300316379765465}
Epoch : 659: f1_weighted Score 0.795 params {'colsample_bytree': 0.41391685123729843, 'learning_rate': 0.05377101291121788, 'max_depth': 15, 'min_child_samples': 26, 'n_estimators': 200, 'num_leaves': 76, 'subsample': 0.900105886568592}
Epoch : 660: f1_weighted Score 0.791 params {'colsample_bytree': 0.8225111356511015, 'learning_rate': 0.029712962827793322, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 68, 'subsample': 0.9128231295374052}
Epoch : 661: f1_weighted Score 0.812 params {'colsample_bytree': 0.7894113372111592, 'learning_rate': 0.007988745720205545, 'max_depth': 19, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 32, 'subsample': 0.922807499094685}
Epoch : 662: f1_weighted Score 0.776 params {'colsample_bytree': 0.8831246962790974, 'learning_rate': 0.06083694910827974, 'max_depth': 17, 'min_child_samples': 26, 'n_estimators': 1000, 'num_leaves': 72, 'subsample': 0.895520925918654}
Epoch : 663: f1_weighted Score 0.812 params {'colsample_bytree': 0.8536649878942962, 'learning_rate': 0.018641425303055202, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 114, 'subsample': 0.8885827811107283}
Epoch : 664: f1_weighted Score 0.812 params {'colsample_bytree': 0.8116821165754964, 'learning_rate': 0.02158579761513601, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 175, 'num_leaves': 64, 'subsample': 0.8052998755495255}
Epoch : 665: f1_weighted Score 0.812 params {'colsample_bytree': 0.698660715962703, 'learning_rate': 0.009097965954582692, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 88, 'subsample': 0.9371095318656804}
Epoch : 666: f1_weighted Score 0.806 params {'colsample_bytree': 0.8348668500710318, 'learning_rate': 0.03136111458573388, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 58, 'subsample': 0.9471011578449415}
Epoch : 667: f1_weighted Score 0.812 params {'colsample_bytree': 0.9409772772818144, 'learning_rate': 0.033203453483000175, 'max_depth': 3, 'min_child_samples': 18, 'n_estimators': 75, 'num_leaves': 80, 'subsample': 0.8807041362584653}
Epoch : 668: f1_weighted Score 0.812 params {'colsample_bytree': 0.8652177728184067, 'learning_rate': 0.035982678643229085, 'max_depth': 13, 'min_child_samples': 20, 'n_estimators': 50, 'num_leaves': 76, 'subsample': 0.8750440606901669}
Epoch : 669: f1_weighted Score 0.805 params {'colsample_bytree': 0.897874385218827, 'learning_rate': 0.02662204368684707, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 120, 'subsample': 0.8886976725308154}
Epoch : 670: f1_weighted Score 0.778 params {'colsample_bytree': 0.9185319229950495, 'learning_rate': 0.051653438650778545, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 725, 'num_leaves': 68, 'subsample': 0.8687573420856676}
Epoch : 671: f1_weighted Score 0.771 params {'colsample_bytree': 0.8010686766631102, 'learning_rate': 0.049689137819903674, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 1175, 'num_leaves': 84, 'subsample': 0.9069612804089737}
Epoch : 672: f1_weighted Score 0.812 params {'colsample_bytree': 0.9731801579163661, 'learning_rate': 0.034592374861070904, 'max_depth': 3, 'min_child_samples': 20, 'n_estimators': 50, 'num_leaves': 56, 'subsample': 0.8930808910865546}
Epoch : 673: f1_weighted Score 0.800 params {'colsample_bytree': 0.7152174678316096, 'learning_rate': 0.013428169163609524, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 24, 'subsample': 0.9561217825873821}
Epoch : 674: f1_weighted Score 0.805 params {'colsample_bytree': 0.8259508798317969, 'learning_rate': 0.028412814160996606, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 36, 'subsample': 0.9413841994487141}
Epoch : 675: f1_weighted Score 0.790 params {'colsample_bytree': 0.7501081758930079, 'learning_rate': 0.038807564267392576, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 54, 'subsample': 0.9273385719887762}
Epoch : 676: f1_weighted Score 0.810 params {'colsample_bytree': 0.7722236528113429, 'learning_rate': 0.018175398036346043, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 175, 'num_leaves': 106, 'subsample': 0.8411477385340949}
Epoch : 677: f1_weighted Score 0.793 params {'colsample_bytree': 0.6549020530608743, 'learning_rate': 0.025293143022075488, 'max_depth': 3, 'min_child_samples': 24, 'n_estimators': 650, 'num_leaves': 102, 'subsample': 0.8270500252965091}
Epoch : 678: f1_weighted Score 0.805 params {'colsample_bytree': 0.7649274211640271, 'learning_rate': 0.010987416631364983, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 110, 'subsample': 0.9646450767353898}
Epoch : 679: f1_weighted Score 0.802 params {'colsample_bytree': 0.6947296315490765, 'learning_rate': 0.01627429608868344, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 20, 'subsample': 0.8485209381878218}
Epoch : 680: f1_weighted Score 0.806 params {'colsample_bytree': 0.6857690036739038, 'learning_rate': 0.009765718761354306, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 90, 'subsample': 0.9520038418547877}
Epoch : 681: f1_weighted Score 0.803 params {'colsample_bytree': 0.7235038595107098, 'learning_rate': 0.015794979931957737, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 500, 'num_leaves': 8, 'subsample': 0.8204894045212465}
Epoch : 682: f1_weighted Score 0.812 params {'colsample_bytree': 0.8766910843603346, 'learning_rate': 0.007394286710659167, 'max_depth': 3, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 98, 'subsample': 0.8304029469942289}
Epoch : 683: f1_weighted Score 0.802 params {'colsample_bytree': 0.7851613061115257, 'learning_rate': 0.01270211565934708, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 60, 'subsample': 0.9862085710115}
Epoch : 684: f1_weighted Score 0.794 params {'colsample_bytree': 0.7449025917591381, 'learning_rate': 0.014111510951986565, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 425, 'num_leaves': 18, 'subsample': 0.9305435099489638}
Epoch : 685: f1_weighted Score 0.805 params {'colsample_bytree': 0.8572392556759717, 'learning_rate': 0.03012031116870449, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 46, 'subsample': 0.9440615938561868}
Epoch : 686: f1_weighted Score 0.802 params {'colsample_bytree': 0.8078995327585715, 'learning_rate': 0.023672842604374675, 'max_depth': 6, 'min_child_samples': 22, 'n_estimators': 175, 'num_leaves': 70, 'subsample': 0.9783648599579734}
Epoch : 687: f1_weighted Score 0.800 params {'colsample_bytree': 0.9045163165902178, 'learning_rate': 0.02017044751637848, 'max_depth': 20, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 28, 'subsample': 0.9499474945647116}
Epoch : 688: f1_weighted Score 0.805 params {'colsample_bytree': 0.8388259062400742, 'learning_rate': 0.015250216942465047, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 116, 'subsample': 0.9361369930975559}
Epoch : 689: f1_weighted Score 0.796 params {'colsample_bytree': 0.7312651087680639, 'learning_rate': 0.04681945142546758, 'max_depth': 11, 'min_child_samples': 24, 'n_estimators': 200, 'num_leaves': 16, 'subsample': 0.8450849102013159}
Epoch : 690: f1_weighted Score 0.783 params {'colsample_bytree': 0.79199815984451, 'learning_rate': 0.08358423161901248, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 875, 'num_leaves': 40, 'subsample': 0.9128603953838841}
Epoch : 691: f1_weighted Score 0.793 params {'colsample_bytree': 0.7614320465141934, 'learning_rate': 0.03740692367946787, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 34, 'subsample': 0.9084476318804698}
Epoch : 692: f1_weighted Score 0.793 params {'colsample_bytree': 0.8220802869758803, 'learning_rate': 0.01861231780241215, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 32, 'subsample': 0.9400669119004503}
Epoch : 693: f1_weighted Score 0.782 params {'colsample_bytree': 0.883664832233488, 'learning_rate': 0.06547775623314264, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 80, 'subsample': 0.8611984893019706}
Epoch : 694: f1_weighted Score 0.794 params {'colsample_bytree': 0.8013498042887301, 'learning_rate': 0.07311964019347925, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 86, 'subsample': 0.9038296138661628}
Epoch : 695: f1_weighted Score 0.812 params {'colsample_bytree': 0.8489725490795695, 'learning_rate': 0.04089846393205085, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 50, 'num_leaves': 64, 'subsample': 0.864860624188126}
Epoch : 696: f1_weighted Score 0.788 params {'colsample_bytree': 0.666618619774934, 'learning_rate': 0.058260712098488016, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 150, 'num_leaves': 50, 'subsample': 0.8751511798806378}
Epoch : 697: f1_weighted Score 0.809 params {'colsample_bytree': 0.9657231520506226, 'learning_rate': 0.04245256665842809, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 100, 'num_leaves': 66, 'subsample': 0.8774475641082939}
Epoch : 698: f1_weighted Score 0.811 params {'colsample_bytree': 0.9488073151304683, 'learning_rate': 0.02132244390797262, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 96, 'subsample': 0.8359664342304072}
Epoch : 699: f1_weighted Score 0.801 params {'colsample_bytree': 0.8690847066144505, 'learning_rate': 0.016326160823077505, 'max_depth': 12, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 10, 'subsample': 0.9610695110063974}
Epoch : 700: f1_weighted Score 0.805 params {'colsample_bytree': 0.7803085105357866, 'learning_rate': 0.044489796284397976, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 88, 'subsample': 0.8819712727719623}
Epoch : 701: f1_weighted Score 0.812 params {'colsample_bytree': 0.9910470845078985, 'learning_rate': 0.03452916060335001, 'max_depth': 5, 'min_child_samples': 22, 'n_estimators': 50, 'num_leaves': 74, 'subsample': 0.9160082454904835}
Epoch : 702: f1_weighted Score 0.789 params {'colsample_bytree': 0.7152826177787086, 'learning_rate': 0.07858308318523202, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 52, 'subsample': 0.8555727044275139}
Epoch : 703: f1_weighted Score 0.809 params {'colsample_bytree': 0.6109993307527333, 'learning_rate': 0.013264957979586864, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 350, 'num_leaves': 92, 'subsample': 0.9905458289809772}
Epoch : 704: f1_weighted Score 0.812 params {'colsample_bytree': 0.8317071213550887, 'learning_rate': 0.023932247956077103, 'max_depth': 3, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 106, 'subsample': 0.8209876051910633}
Epoch : 705: f1_weighted Score 0.785 params {'colsample_bytree': 0.8101548325043961, 'learning_rate': 0.04898490916646362, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 92, 'subsample': 0.92077157835966}
Epoch : 706: f1_weighted Score 0.811 params {'colsample_bytree': 0.7577106804056065, 'learning_rate': 0.012416776363793918, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 104, 'subsample': 0.9666066049437689}
Epoch : 707: f1_weighted Score 0.806 params {'colsample_bytree': 0.9196105690279706, 'learning_rate': 0.02837402177539175, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 102, 'subsample': 0.8098239914690795}
Epoch : 708: f1_weighted Score 0.812 params {'colsample_bytree': 0.8950554560364075, 'learning_rate': 0.03237306373472776, 'max_depth': 4, 'min_child_samples': 20, 'n_estimators': 50, 'num_leaves': 82, 'subsample': 0.8965507053910496}
Epoch : 709: f1_weighted Score 0.791 params {'colsample_bytree': 0.7808144397542056, 'learning_rate': 0.07142801187724333, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 78, 'subsample': 0.9007596344157056}
Epoch : 710: f1_weighted Score 0.793 params {'colsample_bytree': 0.8615819666184944, 'learning_rate': 0.01187609906149272, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 600, 'num_leaves': 110, 'subsample': 0.91700925017149}
Epoch : 711: f1_weighted Score 0.763 params {'colsample_bytree': 0.581476633471028, 'learning_rate': 0.14168357187076233, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 96, 'subsample': 0.8433377673058458}
Epoch : 712: f1_weighted Score 0.800 params {'colsample_bytree': 0.6792109323990811, 'learning_rate': 0.006326228880629998, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 775, 'num_leaves': 124, 'subsample': 0.8003147058986729}
Epoch : 713: f1_weighted Score 0.783 params {'colsample_bytree': 0.8261151337591917, 'learning_rate': 0.014848963757458696, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 1350, 'num_leaves': 36, 'subsample': 0.9577628506880992}
Epoch : 714: f1_weighted Score 0.800 params {'colsample_bytree': 0.9346127189808854, 'learning_rate': 0.04042582174164708, 'max_depth': 5, 'min_child_samples': 18, 'n_estimators': 100, 'num_leaves': 78, 'subsample': 0.8909667666872813}
Epoch : 715: f1_weighted Score 0.806 params {'colsample_bytree': 0.8453351468285926, 'learning_rate': 0.01099920215700192, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 475, 'num_leaves': 90, 'subsample': 0.815630879811003}
Epoch : 716: f1_weighted Score 0.799 params {'colsample_bytree': 0.8870037623937425, 'learning_rate': 0.017288545468344293, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 122, 'subsample': 0.9327080926358472}
Epoch : 717: f1_weighted Score 0.812 params {'colsample_bytree': 0.8097449249399141, 'learning_rate': 0.009943792633206392, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 98, 'subsample': 0.838975136377832}
Epoch : 718: f1_weighted Score 0.716 params {'colsample_bytree': 0.33415780093613434, 'learning_rate': 0.007796237569297701, 'max_depth': 3, 'min_child_samples': 26, 'n_estimators': 150, 'num_leaves': 100, 'subsample': 0.8534379633121535}
Epoch : 719: f1_weighted Score 0.812 params {'colsample_bytree': 0.8737941222042804, 'learning_rate': 0.03709071239913972, 'max_depth': 16, 'min_child_samples': 24, 'n_estimators': 50, 'num_leaves': 72, 'subsample': 0.8672191204342644}
Epoch : 720: f1_weighted Score 0.810 params {'colsample_bytree': 0.9137940675517338, 'learning_rate': 0.05618208631521069, 'max_depth': 3, 'min_child_samples': 26, 'n_estimators': 75, 'num_leaves': 62, 'subsample': 0.864767702837525}
Epoch : 721: f1_weighted Score 0.803 params {'colsample_bytree': 0.8349356014751713, 'learning_rate': 0.0518724378208378, 'max_depth': 19, 'min_child_samples': 24, 'n_estimators': 100, 'num_leaves': 56, 'subsample': 0.8742075677434712}
Epoch : 722: f1_weighted Score 0.806 params {'colsample_bytree': 0.7388008434420849, 'learning_rate': 0.01425377634583983, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 108, 'subsample': 0.9694840069112982}
Epoch : 723: f1_weighted Score 0.783 params {'colsample_bytree': 0.7555124164977768, 'learning_rate': 0.0968594023518754, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 200, 'num_leaves': 68, 'subsample': 0.8590801514437479}
Epoch : 724: f1_weighted Score 0.810 params {'colsample_bytree': 0.776809914696737, 'learning_rate': 0.04621893163455681, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 50, 'num_leaves': 82, 'subsample': 0.9258135905359273}
Epoch : 725: f1_weighted Score 0.798 params {'colsample_bytree': 0.7964725232817318, 'learning_rate': 0.06246735675109591, 'max_depth': 8, 'min_child_samples': 22, 'n_estimators': 125, 'num_leaves': 50, 'subsample': 0.9062524622834703}
Epoch : 726: f1_weighted Score 0.805 params {'colsample_bytree': 0.9282260217553456, 'learning_rate': 0.03474417403275482, 'max_depth': 5, 'min_child_samples': 22, 'n_estimators': 125, 'num_leaves': 84, 'subsample': 0.918150792225524}
Epoch : 727: f1_weighted Score 0.811 params {'colsample_bytree': 0.6464899281234602, 'learning_rate': 0.008956284172343856, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 58, 'subsample': 0.8703164660393004}
Epoch : 728: f1_weighted Score 0.808 params {'colsample_bytree': 0.7719241959172705, 'learning_rate': 0.04225339468554687, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 86, 'subsample': 0.9471574218355822}
Epoch : 729: f1_weighted Score 0.797 params {'colsample_bytree': 0.7054192257323278, 'learning_rate': 0.031846675897908336, 'max_depth': 6, 'min_child_samples': 20, 'n_estimators': 150, 'num_leaves': 44, 'subsample': 0.9715882134935474}
Epoch : 730: f1_weighted Score 0.809 params {'colsample_bytree': 0.8554640875348888, 'learning_rate': 0.037883163343812934, 'max_depth': 10, 'min_child_samples': 22, 'n_estimators': 75, 'num_leaves': 24, 'subsample': 0.9117444475100095}
Epoch : 731: f1_weighted Score 0.805 params {'colsample_bytree': 0.47282724723810676, 'learning_rate': 0.00839618937759728, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 175, 'num_leaves': 104, 'subsample': 0.95543118637945}
Epoch : 732: f1_weighted Score 0.774 params {'colsample_bytree': 0.7463301433264301, 'learning_rate': 0.06590803390228223, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 525, 'num_leaves': 70, 'subsample': 0.8483020138371755}
Epoch : 733: f1_weighted Score 0.812 params {'colsample_bytree': 0.999433208495748, 'learning_rate': 0.03023382004875075, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 74, 'subsample': 0.8854611076167015}
Epoch : 734: f1_weighted Score 0.802 params {'colsample_bytree': 0.7360133319634962, 'learning_rate': 0.01143109506965225, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 112, 'subsample': 0.9428218881626079}
Epoch : 735: f1_weighted Score 0.797 params {'colsample_bytree': 0.8181116019686421, 'learning_rate': 0.02605848121526056, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 80, 'subsample': 0.8276465415682734}
Epoch : 736: f1_weighted Score 0.812 params {'colsample_bytree': 0.8954339731087124, 'learning_rate': 0.02823687498538924, 'max_depth': 3, 'min_child_samples': 22, 'n_estimators': 50, 'num_leaves': 88, 'subsample': 0.8846149698754054}
Epoch : 737: f1_weighted Score 0.811 params {'colsample_bytree': 0.8458464526880409, 'learning_rate': 0.02347578557744211, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 64, 'subsample': 0.979969525452028}
Epoch : 738: f1_weighted Score 0.812 params {'colsample_bytree': 0.9598156569920188, 'learning_rate': 0.032182308412533514, 'max_depth': 3, 'min_child_samples': 24, 'n_estimators': 100, 'num_leaves': 70, 'subsample': 0.8785153169015487}
Epoch : 739: f1_weighted Score 0.812 params {'colsample_bytree': 0.5669116692169552, 'learning_rate': 0.007006136628901214, 'max_depth': 3, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 94, 'subsample': 0.8312396750658766}
Epoch : 740: f1_weighted Score 0.793 params {'colsample_bytree': 0.7964688253860894, 'learning_rate': 0.056985829504499985, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 94, 'subsample': 0.8911015590136908}
Epoch : 741: f1_weighted Score 0.782 params {'colsample_bytree': 0.9054895803974605, 'learning_rate': 0.02123394565421793, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 1400, 'num_leaves': 28, 'subsample': 0.9387244056941859}
Epoch : 742: f1_weighted Score 0.801 params {'colsample_bytree': 0.8659362039881618, 'learning_rate': 0.022503363065647035, 'max_depth': 7, 'min_child_samples': 18, 'n_estimators': 175, 'num_leaves': 14, 'subsample': 0.9587612855494846}
Epoch : 743: f1_weighted Score 0.808 params {'colsample_bytree': 0.8204088064921928, 'learning_rate': 0.0484191488362895, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 76, 'subsample': 0.9373404369554829}
Epoch : 744: f1_weighted Score 0.801 params {'colsample_bytree': 0.8791347521816943, 'learning_rate': 0.019252286150484445, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 116, 'subsample': 0.9452376379812482}
Epoch : 745: f1_weighted Score 0.812 params {'colsample_bytree': 0.7668011204866276, 'learning_rate': 0.026665110205299464, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 12, 'subsample': 0.9627490630442014}
Epoch : 746: f1_weighted Score 0.814 params {'colsample_bytree': 0.7236290268534593, 'learning_rate': 0.012448976605884057, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 82, 'subsample': 0.9755061309546479}
Epoch : 747: f1_weighted Score 0.814 params {'colsample_bytree': 0.6916973468271772, 'learning_rate': 0.007585574844742845, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 84, 'subsample': 0.9764101465941041}
Epoch : 748: f1_weighted Score 0.814 params {'colsample_bytree': 0.6300959050674039, 'learning_rate': 0.006299026606287221, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 84, 'subsample': 0.9944025899372821}
Epoch : 749: f1_weighted Score 0.809 params {'colsample_bytree': 0.5290466543548916, 'learning_rate': 0.005259409769299324, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 650, 'num_leaves': 78, 'subsample': 0.9974162820233758}
Epoch : 750: f1_weighted Score 0.795 params {'colsample_bytree': 0.6252970942792115, 'learning_rate': 0.020337588355485284, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 575, 'num_leaves': 88, 'subsample': 0.9936003339386326}
Epoch : 751: f1_weighted Score 0.811 params {'colsample_bytree': 0.8327271467074648, 'learning_rate': 0.024947156877248355, 'max_depth': 4, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 60, 'subsample': 0.8152801649134931}
Epoch : 752: f1_weighted Score 0.802 params {'colsample_bytree': 0.7989634981126169, 'learning_rate': 0.01726894337904333, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 118, 'subsample': 0.9516379848144997}
Epoch : 753: f1_weighted Score 0.787 params {'colsample_bytree': 0.7885276447782721, 'learning_rate': 0.01635956754621426, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 825, 'num_leaves': 40, 'subsample': 0.9301396500128604}
Epoch : 754: f1_weighted Score 0.814 params {'colsample_bytree': 0.7550485331768686, 'learning_rate': 0.010484103846577006, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 100, 'subsample': 0.9662450081160171}
Epoch : 755: f1_weighted Score 0.814 params {'colsample_bytree': 0.6607894076131644, 'learning_rate': 0.006698616413792185, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 128, 'subsample': 0.9870715967226626}
Epoch : 756: f1_weighted Score 0.808 params {'colsample_bytree': 0.5943149308615874, 'learning_rate': 0.006543153335586461, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 128, 'subsample': 0.9865675705731759}
Epoch : 757: f1_weighted Score 0.806 params {'colsample_bytree': 0.504501239666401, 'learning_rate': 0.0061172595095185895, 'max_depth': 18, 'min_child_samples': 26, 'n_estimators': 550, 'num_leaves': 22, 'subsample': 0.9945241577617989}
Epoch : 758: f1_weighted Score 0.805 params {'colsample_bytree': 0.7095235035865224, 'learning_rate': 0.018910449765005756, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 90, 'subsample': 0.9742342904897716}
Epoch : 759: f1_weighted Score 0.800 params {'colsample_bytree': 0.6192874192622997, 'learning_rate': 0.02239739300844445, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 82, 'subsample': 0.9794528116785683}
Epoch : 760: f1_weighted Score 0.803 params {'colsample_bytree': 0.6393228587839188, 'learning_rate': 0.007706876332979242, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 525, 'num_leaves': 90, 'subsample': 0.9909484059395082}
Epoch : 761: f1_weighted Score 0.812 params {'colsample_bytree': 0.8133905962510871, 'learning_rate': 0.03450471372981258, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 50, 'num_leaves': 94, 'subsample': 0.8973732269019505}
Epoch : 762: f1_weighted Score 0.814 params {'colsample_bytree': 0.7295106827307987, 'learning_rate': 0.013375276033015892, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 120, 'subsample': 0.9346403161055575}
Epoch : 763: f1_weighted Score 0.810 params {'colsample_bytree': 0.7302306468114688, 'learning_rate': 0.01761464511992984, 'max_depth': 3, 'min_child_samples': 24, 'n_estimators': 200, 'num_leaves': 126, 'subsample': 0.8414918077281327}
Epoch : 764: f1_weighted Score 0.800 params {'colsample_bytree': 0.6823391588722842, 'learning_rate': 0.04473866481416752, 'max_depth': 8, 'min_child_samples': 22, 'n_estimators': 125, 'num_leaves': 120, 'subsample': 0.9225829596041356}
Epoch : 765: f1_weighted Score 0.808 params {'colsample_bytree': 0.6089892546676354, 'learning_rate': 0.008239043783206917, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 375, 'num_leaves': 84, 'subsample': 0.9977390736280364}
Epoch : 766: f1_weighted Score 0.812 params {'colsample_bytree': 0.5834012524986467, 'learning_rate': 0.005707135491376133, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 80, 'subsample': 0.9843583056092907}
Epoch : 767: f1_weighted Score 0.806 params {'colsample_bytree': 0.549635248256663, 'learning_rate': 0.007601129549714615, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 450, 'num_leaves': 76, 'subsample': 0.9902107761713782}
Epoch : 768: f1_weighted Score 0.797 params {'colsample_bytree': 0.6743375412071203, 'learning_rate': 0.014167636244184455, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 126, 'subsample': 0.9329817316808144}
Epoch : 769: f1_weighted Score 0.812 params {'colsample_bytree': 0.6516051274323769, 'learning_rate': 0.005031717083480639, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 84, 'subsample': 0.9764539582903756}
Epoch : 770: f1_weighted Score 0.812 params {'colsample_bytree': 0.6442246278838623, 'learning_rate': 0.0054839951523376765, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 68, 'subsample': 0.9966094619293115}
Epoch : 771: f1_weighted Score 0.806 params {'colsample_bytree': 0.6013429356722547, 'learning_rate': 0.0059159635322902195, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 575, 'num_leaves': 126, 'subsample': 0.9928215507221415}
Epoch : 772: f1_weighted Score 0.812 params {'colsample_bytree': 0.6904975200702318, 'learning_rate': 0.008684805548272218, 'max_depth': 14, 'min_child_samples': 24, 'n_estimators': 300, 'num_leaves': 92, 'subsample': 0.8505984333115489}
Epoch : 773: f1_weighted Score 0.805 params {'colsample_bytree': 0.6710505348103923, 'learning_rate': 0.009484505545145915, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 96, 'subsample': 0.9818847463123782}
Epoch : 774: f1_weighted Score 0.809 params {'colsample_bytree': 0.6449225827994386, 'learning_rate': 0.00707678395149966, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 74, 'subsample': 0.9833459580749102}
Epoch : 775: f1_weighted Score 0.808 params {'colsample_bytree': 0.6092025848410892, 'learning_rate': 0.006268661506739966, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 550, 'num_leaves': 100, 'subsample': 0.9996382406981835}
Epoch : 776: f1_weighted Score 0.783 params {'colsample_bytree': 0.7059989481484326, 'learning_rate': 0.07822926420630189, 'max_depth': 17, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 114, 'subsample': 0.9821544298696716}
Epoch : 777: f1_weighted Score 0.811 params {'colsample_bytree': 0.6275753777319864, 'learning_rate': 0.006853798492018076, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 475, 'num_leaves': 124, 'subsample': 0.9885452262770584}
Epoch : 778: f1_weighted Score 0.812 params {'colsample_bytree': 0.5647199845434915, 'learning_rate': 0.005458569201334423, 'max_depth': 19, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 18, 'subsample': 0.9599733151582911}
Epoch : 779: f1_weighted Score 0.809 params {'colsample_bytree': 0.7185225548825919, 'learning_rate': 0.012727385642555367, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 120, 'subsample': 0.9723445120310206}
Epoch : 780: f1_weighted Score 0.812 params {'colsample_bytree': 0.668627709589586, 'learning_rate': 0.008920204307894902, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 122, 'subsample': 0.9362924010874794}
Epoch : 781: f1_weighted Score 0.775 params {'colsample_bytree': 0.6853259857092926, 'learning_rate': 0.09174276047750209, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 625, 'num_leaves': 72, 'subsample': 0.9723129003414515}
Epoch : 782: f1_weighted Score 0.802 params {'colsample_bytree': 0.75304480297387, 'learning_rate': 0.009708975045186722, 'max_depth': 16, 'min_child_samples': 24, 'n_estimators': 450, 'num_leaves': 110, 'subsample': 0.8556409467935289}
Epoch : 783: f1_weighted Score 0.809 params {'colsample_bytree': 0.6315379312278991, 'learning_rate': 0.0057907891833265425, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 500, 'num_leaves': 86, 'subsample': 0.9973691512290017}
Epoch : 784: f1_weighted Score 0.799 params {'colsample_bytree': 0.7073208415198773, 'learning_rate': 0.007060394726063234, 'max_depth': 16, 'min_child_samples': 26, 'n_estimators': 700, 'num_leaves': 124, 'subsample': 0.9679691281819284}
Epoch : 785: f1_weighted Score 0.809 params {'colsample_bytree': 0.5371345480157541, 'learning_rate': 0.005421032260887214, 'max_depth': 17, 'min_child_samples': 26, 'n_estimators': 550, 'num_leaves': 66, 'subsample': 0.9904598560302972}
Epoch : 786: f1_weighted Score 0.812 params {'colsample_bytree': 0.7841931366414414, 'learning_rate': 0.007923839903275758, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 88, 'subsample': 0.9032686373213268}
Epoch : 787: f1_weighted Score 0.792 params {'colsample_bytree': 0.7307698343987972, 'learning_rate': 0.05268013221461268, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 175, 'num_leaves': 76, 'subsample': 0.8629802947198372}
Epoch : 788: f1_weighted Score 0.812 params {'colsample_bytree': 0.5850332095896406, 'learning_rate': 0.005857047301912586, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 86, 'subsample': 0.9849316896987428}
Epoch : 789: f1_weighted Score 0.806 params {'colsample_bytree': 0.7215231725712032, 'learning_rate': 0.010500765002337991, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 82, 'subsample': 0.976828184577243}
Epoch : 790: f1_weighted Score 0.806 params {'colsample_bytree': 0.8425909597718447, 'learning_rate': 0.038362077804983706, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 100, 'num_leaves': 104, 'subsample': 0.8522709394318643}
Epoch : 791: f1_weighted Score 0.802 params {'colsample_bytree': 0.6600653535678913, 'learning_rate': 0.006485998650172667, 'max_depth': 15, 'min_child_samples': 26, 'n_estimators': 525, 'num_leaves': 80, 'subsample': 0.9947296841884413}
Epoch : 792: f1_weighted Score 0.793 params {'colsample_bytree': 0.6926118478327842, 'learning_rate': 0.11470467230465337, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 150, 'num_leaves': 78, 'subsample': 0.8370351309421544}
Epoch : 793: f1_weighted Score 0.808 params {'colsample_bytree': 0.6788511032989307, 'learning_rate': 0.008801729561431059, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 128, 'subsample': 0.9672251129930514}
Epoch : 794: f1_weighted Score 0.806 params {'colsample_bytree': 0.6206297311325436, 'learning_rate': 0.006556343796029287, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 118, 'subsample': 0.9877807850889178}
Epoch : 795: f1_weighted Score 0.811 params {'colsample_bytree': 0.6510975971606868, 'learning_rate': 0.007395296699651354, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 128, 'subsample': 0.977519838725393}
Epoch : 796: f1_weighted Score 0.812 params {'colsample_bytree': 0.5715432636137792, 'learning_rate': 0.010901972000175206, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 90, 'subsample': 0.9261975695506401}
Epoch : 797: f1_weighted Score 0.805 params {'colsample_bytree': 0.6609208525771489, 'learning_rate': 0.009774289604227328, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 126, 'subsample': 0.9797711283062195}
Epoch : 798: f1_weighted Score 0.803 params {'colsample_bytree': 0.7022592752623096, 'learning_rate': 0.012993117798490146, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 118, 'subsample': 0.9752064396361544}
Epoch : 799: f1_weighted Score 0.787 params {'colsample_bytree': 0.8016209825249485, 'learning_rate': 0.04245875087840102, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 72, 'subsample': 0.9080400054327997}
Epoch : 800: f1_weighted Score 0.812 params {'colsample_bytree': 0.7735697434062635, 'learning_rate': 0.011622511766467995, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 96, 'subsample': 0.9300635720025269}
Epoch : 801: f1_weighted Score 0.812 params {'colsample_bytree': 0.7137801285374518, 'learning_rate': 0.0050298627708996934, 'max_depth': 16, 'min_child_samples': 24, 'n_estimators': 225, 'num_leaves': 82, 'subsample': 0.9695894340771579}
Epoch : 802: f1_weighted Score 0.812 params {'colsample_bytree': 0.7353434139689274, 'learning_rate': 0.01175488490216497, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 122, 'subsample': 0.9606202562727687}
Epoch : 803: f1_weighted Score 0.814 params {'colsample_bytree': 0.7475838711063577, 'learning_rate': 0.015710520923121217, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 150, 'num_leaves': 92, 'subsample': 0.9532267076994235}
Epoch : 804: f1_weighted Score 0.812 params {'colsample_bytree': 0.5936861285282089, 'learning_rate': 0.006651921359934494, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 86, 'subsample': 0.9853320864886894}
Epoch : 805: f1_weighted Score 0.812 params {'colsample_bytree': 0.7374023439722831, 'learning_rate': 0.008083036426448573, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 124, 'subsample': 0.9221480979439765}
Epoch : 806: f1_weighted Score 0.812 params {'colsample_bytree': 0.7579409609398424, 'learning_rate': 0.015204990471502243, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 150, 'num_leaves': 62, 'subsample': 0.8579976715055013}
Epoch : 807: f1_weighted Score 0.799 params {'colsample_bytree': 0.6985744091420434, 'learning_rate': 0.013649499285953338, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 108, 'subsample': 0.9663584716055277}
Epoch : 808: f1_weighted Score 0.812 params {'colsample_bytree': 0.7609120874651537, 'learning_rate': 0.010140321092640084, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 114, 'subsample': 0.94811325866377}
Epoch : 809: f1_weighted Score 0.809 params {'colsample_bytree': 0.6337740410033854, 'learning_rate': 0.00698728171784652, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 400, 'num_leaves': 98, 'subsample': 0.985897560170995}
Epoch : 810: f1_weighted Score 0.810 params {'colsample_bytree': 0.5579524677895433, 'learning_rate': 0.0058755881931170095, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 70, 'subsample': 0.9912371538687079}
Epoch : 811: f1_weighted Score 0.806 params {'colsample_bytree': 0.6161402718687659, 'learning_rate': 0.014562486839250332, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 28, 'subsample': 0.9534290729970274}
Epoch : 812: f1_weighted Score 0.800 params {'colsample_bytree': 0.7740853056567741, 'learning_rate': 0.0277759857549807, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 124, 'subsample': 0.9413333193013507}
Epoch : 813: f1_weighted Score 0.812 params {'colsample_bytree': 0.8208635106242622, 'learning_rate': 0.01764253390169351, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 110, 'subsample': 0.9152089353419448}
Epoch : 814: f1_weighted Score 0.797 params {'colsample_bytree': 0.8568397434061368, 'learning_rate': 0.019246785391859776, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 116, 'subsample': 0.9697977888267404}
Epoch : 815: f1_weighted Score 0.803 params {'colsample_bytree': 0.5211146250336516, 'learning_rate': 0.006302062020132701, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 650, 'num_leaves': 122, 'subsample': 0.8948041460423471}
Epoch : 816: f1_weighted Score 0.811 params {'colsample_bytree': 0.6357664446629344, 'learning_rate': 0.00840162489212089, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 84, 'subsample': 0.9761511708070466}
Epoch : 817: f1_weighted Score 0.805 params {'colsample_bytree': 0.6727637061301142, 'learning_rate': 0.015089885550941606, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 112, 'subsample': 0.9655456513242625}
Epoch : 818: f1_weighted Score 0.814 params {'colsample_bytree': 0.7176100202813057, 'learning_rate': 0.01276197535617572, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 128, 'subsample': 0.9642460034544122}
Epoch : 819: f1_weighted Score 0.814 params {'colsample_bytree': 0.7218490982070965, 'learning_rate': 0.01164955048635425, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 30, 'subsample': 0.9608812568962442}
Epoch : 820: f1_weighted Score 0.812 params {'colsample_bytree': 0.6637467276912788, 'learning_rate': 0.0050389479771786915, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 118, 'subsample': 0.98104039904766}
Epoch : 821: f1_weighted Score 0.811 params {'colsample_bytree': 0.6905464364681538, 'learning_rate': 0.010220602058607286, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 120, 'subsample': 0.934995536997786}
Epoch : 822: f1_weighted Score 0.806 params {'colsample_bytree': 0.6522445330823631, 'learning_rate': 0.013477033630337582, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 88, 'subsample': 0.9711580558880019}
Epoch : 823: f1_weighted Score 0.806 params {'colsample_bytree': 0.6183854394279549, 'learning_rate': 0.007430932259820593, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 80, 'subsample': 0.9939364483586184}
Epoch : 824: f1_weighted Score 0.814 params {'colsample_bytree': 0.6720659612414701, 'learning_rate': 0.0085048410214618, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 92, 'subsample': 0.9564675826250025}
Epoch : 825: f1_weighted Score 0.812 params {'colsample_bytree': 0.7900632964814565, 'learning_rate': 0.012482473334550517, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 102, 'subsample': 0.9100078176465234}
Epoch : 826: f1_weighted Score 0.808 params {'colsample_bytree': 0.6080152916761726, 'learning_rate': 0.00753421859194485, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 120, 'subsample': 0.998186894462276}
Epoch : 827: f1_weighted Score 0.809 params {'colsample_bytree': 0.7402144156269576, 'learning_rate': 0.010572934788183502, 'max_depth': 19, 'min_child_samples': 24, 'n_estimators': 300, 'num_leaves': 92, 'subsample': 0.9741334225202009}
Epoch : 828: f1_weighted Score 0.812 params {'colsample_bytree': 0.7029845710836817, 'learning_rate': 0.010734296810123988, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 106, 'subsample': 0.9556538711547522}
Epoch : 829: f1_weighted Score 0.800 params {'colsample_bytree': 0.6325813286195685, 'learning_rate': 0.00915546759779683, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 128, 'subsample': 0.9991941098546259}
Epoch : 830: f1_weighted Score 0.806 params {'colsample_bytree': 0.6837172766384056, 'learning_rate': 0.00925456000288201, 'max_depth': 15, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 96, 'subsample': 0.9642106052443917}
Epoch : 831: f1_weighted Score 0.811 params {'colsample_bytree': 0.6500204128481126, 'learning_rate': 0.0078106826464190635, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 76, 'subsample': 0.9801713747306244}
Epoch : 832: f1_weighted Score 0.806 params {'colsample_bytree': 0.6595781217935777, 'learning_rate': 0.006835599469490381, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 600, 'num_leaves': 114, 'subsample': 0.9817471326484432}
Epoch : 833: f1_weighted Score 0.809 params {'colsample_bytree': 0.5805156771870826, 'learning_rate': 0.006156279833944775, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 600, 'num_leaves': 82, 'subsample': 0.9873183723722097}
Epoch : 834: f1_weighted Score 0.812 params {'colsample_bytree': 0.6038700093358486, 'learning_rate': 0.005437175374006432, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 126, 'subsample': 0.9637991943796194}
Epoch : 835: f1_weighted Score 0.814 params {'colsample_bytree': 0.7240982581942348, 'learning_rate': 0.014135722957116579, 'max_depth': 8, 'min_child_samples': 26, 'n_estimators': 175, 'num_leaves': 122, 'subsample': 0.9513098820061742}
Epoch : 836: f1_weighted Score 0.812 params {'colsample_bytree': 0.7846601358875592, 'learning_rate': 0.014340472224659164, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 150, 'num_leaves': 54, 'subsample': 0.8330482933811216}
Epoch : 837: f1_weighted Score 0.811 params {'colsample_bytree': 0.5942574399010433, 'learning_rate': 0.007190130228894599, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 120, 'subsample': 0.9921033799302357}
Epoch : 838: f1_weighted Score 0.812 params {'colsample_bytree': 0.6863697007055762, 'learning_rate': 0.005058554110425339, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 74, 'subsample': 0.9948111566657784}
Epoch : 839: f1_weighted Score 0.803 params {'colsample_bytree': 0.5764012680863845, 'learning_rate': 0.0063395702946798475, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 675, 'num_leaves': 78, 'subsample': 0.9889779335657153}
Epoch : 840: f1_weighted Score 0.812 params {'colsample_bytree': 0.7193273326651003, 'learning_rate': 0.011888046180196935, 'max_depth': 9, 'min_child_samples': 24, 'n_estimators': 200, 'num_leaves': 116, 'subsample': 0.8468155182984753}
Epoch : 841: f1_weighted Score 0.811 params {'colsample_bytree': 0.6443925198730084, 'learning_rate': 0.005828582432748773, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 525, 'num_leaves': 112, 'subsample': 0.9531566841920718}
Epoch : 842: f1_weighted Score 0.805 params {'colsample_bytree': 0.6618674042799401, 'learning_rate': 0.008049381267544257, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 84, 'subsample': 0.9760013743722536}
Epoch : 843: f1_weighted Score 0.812 params {'colsample_bytree': 0.746195393176909, 'learning_rate': 0.01651160431435911, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 60, 'subsample': 0.9548986994277397}
Epoch : 844: f1_weighted Score 0.812 params {'colsample_bytree': 0.5505917029409899, 'learning_rate': 0.006865616974206085, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 450, 'num_leaves': 76, 'subsample': 0.9999095914966989}
Epoch : 845: f1_weighted Score 0.811 params {'colsample_bytree': 0.6321217630574926, 'learning_rate': 0.007361321367494414, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 450, 'num_leaves': 70, 'subsample': 0.9848786427761222}
Epoch : 846: f1_weighted Score 0.811 params {'colsample_bytree': 0.698559739715056, 'learning_rate': 0.009032777248635031, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 100, 'subsample': 0.972623997960834}
Epoch : 847: f1_weighted Score 0.805 params {'colsample_bytree': 0.696951168926265, 'learning_rate': 0.009705755641385472, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 90, 'subsample': 0.9694964158815522}
Epoch : 848: f1_weighted Score 0.812 params {'colsample_bytree': 0.7318339352183537, 'learning_rate': 0.011744027518049047, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 175, 'num_leaves': 72, 'subsample': 0.9463720960606453}
Epoch : 849: f1_weighted Score 0.811 params {'colsample_bytree': 0.709866264084219, 'learning_rate': 0.011070127748244667, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 126, 'subsample': 0.9609426282490102}
Epoch : 850: f1_weighted Score 0.812 params {'colsample_bytree': 0.6273955232853614, 'learning_rate': 0.0054493935554059715, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 86, 'subsample': 0.9786316553099016}
Epoch : 851: f1_weighted Score 0.812 params {'colsample_bytree': 0.4917682440117527, 'learning_rate': 0.005008560152764759, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 525, 'num_leaves': 78, 'subsample': 0.9998675609848048}
Epoch : 852: f1_weighted Score 0.812 params {'colsample_bytree': 0.6769076888876379, 'learning_rate': 0.008505865142624544, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 122, 'subsample': 0.92657539631266}
Epoch : 853: f1_weighted Score 0.811 params {'colsample_bytree': 0.6759408836799161, 'learning_rate': 0.009075832629983807, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 92, 'subsample': 0.958510600945069}
Epoch : 854: f1_weighted Score 0.810 params {'colsample_bytree': 0.7508229328238303, 'learning_rate': 0.01529853826712015, 'max_depth': 7, 'min_child_samples': 22, 'n_estimators': 150, 'num_leaves': 34, 'subsample': 0.9494609987102889}
Epoch : 855: f1_weighted Score 0.809 params {'colsample_bytree': 0.6038716860777017, 'learning_rate': 0.005890983599970691, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 500, 'num_leaves': 80, 'subsample': 0.9876198568220167}
Epoch : 856: f1_weighted Score 0.809 params {'colsample_bytree': 0.6662303254683525, 'learning_rate': 0.010215418522574621, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 126, 'subsample': 0.9660826899718366}
Epoch : 857: f1_weighted Score 0.814 params {'colsample_bytree': 0.7644562420596488, 'learning_rate': 0.013503045581285832, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 116, 'subsample': 0.9417486289953345}
Epoch : 858: f1_weighted Score 0.809 params {'colsample_bytree': 0.709626430582455, 'learning_rate': 0.011242979902434126, 'max_depth': 8, 'min_child_samples': 24, 'n_estimators': 275, 'num_leaves': 116, 'subsample': 0.9431996964497017}
Epoch : 859: f1_weighted Score 0.812 params {'colsample_bytree': 0.7448120335960579, 'learning_rate': 0.008483821650228745, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 104, 'subsample': 0.9456370481718009}
Epoch : 860: f1_weighted Score 0.812 params {'colsample_bytree': 0.7659629739234167, 'learning_rate': 0.012664271102451222, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 100, 'num_leaves': 102, 'subsample': 0.9464797296919341}
Epoch : 861: f1_weighted Score 0.812 params {'colsample_bytree': 0.7320403756035907, 'learning_rate': 0.009624086626336936, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 26, 'subsample': 0.9593341075296691}
Epoch : 862: f1_weighted Score 0.812 params {'colsample_bytree': 0.6855506007619513, 'learning_rate': 0.00807103263304119, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 32, 'subsample': 0.9622621308352688}
Epoch : 863: f1_weighted Score 0.803 params {'colsample_bytree': 0.6920549305728448, 'learning_rate': 0.011073700718675635, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 88, 'subsample': 0.9742395569983493}
Epoch : 864: f1_weighted Score 0.809 params {'colsample_bytree': 0.750725254864176, 'learning_rate': 0.02027289878917622, 'max_depth': 8, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 94, 'subsample': 0.95316290974335}
Epoch : 865: f1_weighted Score 0.812 params {'colsample_bytree': 0.7141629424149172, 'learning_rate': 0.015924367372833707, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 125, 'num_leaves': 46, 'subsample': 0.9549037722833991}
Epoch : 866: f1_weighted Score 0.797 params {'colsample_bytree': 0.7128931248493064, 'learning_rate': 0.013275788342033136, 'max_depth': 19, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 124, 'subsample': 0.9493972615836822}
Epoch : 867: f1_weighted Score 0.812 params {'colsample_bytree': 0.6916777254245694, 'learning_rate': 0.014130334855625766, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 122, 'subsample': 0.9497453144740813}
Epoch : 868: f1_weighted Score 0.806 params {'colsample_bytree': 0.6427316563627203, 'learning_rate': 0.007644453361164307, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 86, 'subsample': 0.9784568405740335}
Epoch : 869: f1_weighted Score 0.806 params {'colsample_bytree': 0.6555566449247159, 'learning_rate': 0.006630394978237655, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 550, 'num_leaves': 84, 'subsample': 0.9991283487951764}
Epoch : 870: f1_weighted Score 0.812 params {'colsample_bytree': 0.6441401714728772, 'learning_rate': 0.006155093044329116, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 82, 'subsample': 0.9924757344419509}
Epoch : 871: f1_weighted Score 0.811 params {'colsample_bytree': 0.5435877631031893, 'learning_rate': 0.005481037923479434, 'max_depth': 18, 'min_child_samples': 26, 'n_estimators': 500, 'num_leaves': 108, 'subsample': 0.968058566462325}
Epoch : 872: f1_weighted Score 0.812 params {'colsample_bytree': 0.7412295481554944, 'learning_rate': 0.01652599869946324, 'max_depth': 11, 'min_child_samples': 24, 'n_estimators': 175, 'num_leaves': 102, 'subsample': 0.955750832304039}
Epoch : 873: f1_weighted Score 0.812 params {'colsample_bytree': 0.7205569845804116, 'learning_rate': 0.014856350950057134, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 106, 'subsample': 0.9638723783122758}
Epoch : 874: f1_weighted Score 0.802 params {'colsample_bytree': 0.6948019931165438, 'learning_rate': 0.012051879136152664, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 68, 'subsample': 0.9706625290401365}
Epoch : 875: f1_weighted Score 0.809 params {'colsample_bytree': 0.6162216592731234, 'learning_rate': 0.007211134135134405, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 375, 'num_leaves': 94, 'subsample': 0.9840823552471225}
Epoch : 876: f1_weighted Score 0.803 params {'colsample_bytree': 0.662295455956382, 'learning_rate': 0.010886568878780261, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 128, 'subsample': 0.9748397767500895}
Epoch : 877: f1_weighted Score 0.811 params {'colsample_bytree': 0.7238540934629479, 'learning_rate': 0.00999860679267106, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 42, 'subsample': 0.9603352105648671}
Epoch : 878: f1_weighted Score 0.801 params {'colsample_bytree': 0.672006399308761, 'learning_rate': 0.016474385674336095, 'max_depth': 13, 'min_child_samples': 24, 'n_estimators': 250, 'num_leaves': 90, 'subsample': 0.9559135387526518}
Epoch : 879: f1_weighted Score 0.809 params {'colsample_bytree': 0.7611547468540691, 'learning_rate': 0.008636687974575483, 'max_depth': 10, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 74, 'subsample': 0.9392659204979028}
Epoch : 880: f1_weighted Score 0.812 params {'colsample_bytree': 0.7431836390949456, 'learning_rate': 0.012445067299330207, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 175, 'num_leaves': 16, 'subsample': 0.9522092000598777}
Epoch : 881: f1_weighted Score 0.812 params {'colsample_bytree': 0.7286352689080462, 'learning_rate': 0.015381860377482957, 'max_depth': 8, 'min_child_samples': 24, 'n_estimators': 200, 'num_leaves': 112, 'subsample': 0.9648479274685879}
Epoch : 882: f1_weighted Score 0.814 params {'colsample_bytree': 0.671830059859302, 'learning_rate': 0.009230552010604747, 'max_depth': 19, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 122, 'subsample': 0.9440185928715911}
Epoch : 883: f1_weighted Score 0.785 params {'colsample_bytree': 0.675120865553031, 'learning_rate': 0.019370604807884134, 'max_depth': 20, 'min_child_samples': 22, 'n_estimators': 1075, 'num_leaves': 38, 'subsample': 0.9576061048773707}
Epoch : 884: f1_weighted Score 0.814 params {'colsample_bytree': 0.5989288850758538, 'learning_rate': 0.0076630667420049415, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 74, 'subsample': 0.9846139961719619}
Epoch : 885: f1_weighted Score 0.812 params {'colsample_bytree': 0.5094282744252191, 'learning_rate': 0.010376095557315689, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 118, 'subsample': 0.968889210719103}
Epoch : 886: f1_weighted Score 0.809 params {'colsample_bytree': 0.6413816209519011, 'learning_rate': 0.006627578173769969, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 425, 'num_leaves': 82, 'subsample': 0.9809162252519297}
Epoch : 887: f1_weighted Score 0.800 params {'colsample_bytree': 0.5701780574247988, 'learning_rate': 0.008422409662868276, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 575, 'num_leaves': 106, 'subsample': 0.9359271530424057}
Epoch : 888: f1_weighted Score 0.809 params {'colsample_bytree': 0.6239782025488885, 'learning_rate': 0.008290284803145677, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 110, 'subsample': 0.963920421176888}
Epoch : 889: f1_weighted Score 0.811 params {'colsample_bytree': 0.5867773442425642, 'learning_rate': 0.005803214254571794, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 425, 'num_leaves': 88, 'subsample': 0.9894883758846402}
Epoch : 890: f1_weighted Score 0.811 params {'colsample_bytree': 0.7646234862472586, 'learning_rate': 0.013453560180233025, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 128, 'subsample': 0.9638107064344752}
Epoch : 891: f1_weighted Score 0.805 params {'colsample_bytree': 0.7103431896429473, 'learning_rate': 0.011241712344244332, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 116, 'subsample': 0.9716392390445457}
Epoch : 892: f1_weighted Score 0.812 params {'colsample_bytree': 0.6797123971953404, 'learning_rate': 0.009440880696658329, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 24, 'subsample': 0.9578101595399138}
Epoch : 893: f1_weighted Score 0.775 params {'colsample_bytree': 0.8067800048914479, 'learning_rate': 0.060048665166915906, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 750, 'num_leaves': 66, 'subsample': 0.8448732185798947}
Epoch : 894: f1_weighted Score 0.806 params {'colsample_bytree': 0.6197496458646563, 'learning_rate': 0.0063082265420999475, 'max_depth': 19, 'min_child_samples': 28, 'n_estimators': 600, 'num_leaves': 100, 'subsample': 0.9436273652556203}
Epoch : 895: f1_weighted Score 0.812 params {'colsample_bytree': 0.7299319190927015, 'learning_rate': 0.01377939896540735, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 114, 'subsample': 0.9489808101077551}
Epoch : 896: f1_weighted Score 0.812 params {'colsample_bytree': 0.7041138819921191, 'learning_rate': 0.011881811167887142, 'max_depth': 8, 'min_child_samples': 24, 'n_estimators': 175, 'num_leaves': 78, 'subsample': 0.9683491535455294}
Epoch : 897: f1_weighted Score 0.812 params {'colsample_bytree': 0.7710573307002632, 'learning_rate': 0.017947872230810583, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 98, 'subsample': 0.9225334433352029}
Epoch : 898: f1_weighted Score 0.793 params {'colsample_bytree': 0.6992434090848274, 'learning_rate': 0.019874453867665443, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 98, 'subsample': 0.9740817824106807}
Epoch : 899: f1_weighted Score 0.812 params {'colsample_bytree': 0.7900227579329342, 'learning_rate': 0.012902060486079371, 'max_depth': 19, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 122, 'subsample': 0.9292292281275927}
Epoch : 900: f1_weighted Score 0.814 params {'colsample_bytree': 0.6582911873437518, 'learning_rate': 0.011149182691720634, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 126, 'subsample': 0.9593679746834738}
Epoch : 901: f1_weighted Score 0.800 params {'colsample_bytree': 0.685282711113906, 'learning_rate': 0.015627442231595595, 'max_depth': 9, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 118, 'subsample': 0.9609832814764705}
Epoch : 902: f1_weighted Score 0.812 params {'colsample_bytree': 0.5581876313613363, 'learning_rate': 0.0069079330480075595, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 86, 'subsample': 0.9793840432531958}
Epoch : 903: f1_weighted Score 0.810 params {'colsample_bytree': 0.5427192375450476, 'learning_rate': 0.008611787579535209, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 275, 'num_leaves': 60, 'subsample': 0.961591206148756}
Epoch : 904: f1_weighted Score 0.808 params {'colsample_bytree': 0.5881620375364952, 'learning_rate': 0.009338892724374095, 'max_depth': 20, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 72, 'subsample': 0.9840885478853185}
Epoch : 905: f1_weighted Score 0.810 params {'colsample_bytree': 0.6358249975295038, 'learning_rate': 0.005386452734961789, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 120, 'subsample': 0.992764995507467}
Epoch : 906: f1_weighted Score 0.812 params {'colsample_bytree': 0.7647720677599424, 'learning_rate': 0.010209311503778486, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 124, 'subsample': 0.9314235233465195}
Epoch : 907: f1_weighted Score 0.812 params {'colsample_bytree': 0.6526466092088007, 'learning_rate': 0.009911944974707059, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 128, 'subsample': 0.9385772716439981}
Epoch : 908: f1_weighted Score 0.811 params {'colsample_bytree': 0.6721601775808261, 'learning_rate': 0.008714767246067092, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 108, 'subsample': 0.9509181153009931}
Epoch : 909: f1_weighted Score 0.808 params {'colsample_bytree': 0.5993534964907903, 'learning_rate': 0.012187533796334096, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 64, 'subsample': 0.9708771509250065}
Epoch : 910: f1_weighted Score 0.781 params {'colsample_bytree': 0.48454465677754177, 'learning_rate': 0.17954273083144265, 'max_depth': 20, 'min_child_samples': 22, 'n_estimators': 75, 'num_leaves': 26, 'subsample': 0.9462360700867346}
Epoch : 911: f1_weighted Score 0.812 params {'colsample_bytree': 0.6790414669893631, 'learning_rate': 0.010751543461098545, 'max_depth': 8, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 22, 'subsample': 0.947809596126897}
Epoch : 912: f1_weighted Score 0.812 params {'colsample_bytree': 0.6036985155512816, 'learning_rate': 0.00783463022632745, 'max_depth': 10, 'min_child_samples': 24, 'n_estimators': 375, 'num_leaves': 118, 'subsample': 0.9995542742340118}
Epoch : 913: f1_weighted Score 0.812 params {'colsample_bytree': 0.7818925755930739, 'learning_rate': 0.012901595905927085, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 100, 'num_leaves': 90, 'subsample': 0.8715059183168206}
Epoch : 914: f1_weighted Score 0.805 params {'colsample_bytree': 0.6511928749506379, 'learning_rate': 0.006162038483198117, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 625, 'num_leaves': 80, 'subsample': 0.9880685645174201}
Epoch : 915: f1_weighted Score 0.812 params {'colsample_bytree': 0.6963392112157036, 'learning_rate': 0.007394878206092374, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 66, 'subsample': 0.9769041093651283}
Epoch : 916: f1_weighted Score 0.811 params {'colsample_bytree': 0.6630588722641525, 'learning_rate': 0.009511649297898335, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 112, 'subsample': 0.9590683207484741}
Epoch : 917: f1_weighted Score 0.803 params {'colsample_bytree': 0.5169067875275094, 'learning_rate': 0.011326744412793585, 'max_depth': 9, 'min_child_samples': 16, 'n_estimators': 275, 'num_leaves': 128, 'subsample': 0.956912976446634}
Epoch : 918: f1_weighted Score 0.796 params {'colsample_bytree': 0.6255090835302745, 'learning_rate': 0.007234043914313902, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 900, 'num_leaves': 96, 'subsample': 0.9034812901627415}
Epoch : 919: f1_weighted Score 0.812 params {'colsample_bytree': 0.6122149353205584, 'learning_rate': 0.00887565304598416, 'max_depth': 20, 'min_child_samples': 24, 'n_estimators': 300, 'num_leaves': 88, 'subsample': 0.9661445705213022}
Epoch : 920: f1_weighted Score 0.809 params {'colsample_bytree': 0.6030845187181545, 'learning_rate': 0.01361081584080182, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 114, 'subsample': 0.9420326315703376}
Epoch : 921: f1_weighted Score 0.806 params {'colsample_bytree': 0.7036687613124174, 'learning_rate': 0.021795584294943982, 'max_depth': 19, 'min_child_samples': 20, 'n_estimators': 150, 'num_leaves': 14, 'subsample': 0.9352440023051458}
Epoch : 922: f1_weighted Score 0.805 params {'colsample_bytree': 0.7528913928789588, 'learning_rate': 0.018267344776954436, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 110, 'subsample': 0.9334587961931883}
Epoch : 923: f1_weighted Score 0.814 params {'colsample_bytree': 0.775515338347926, 'learning_rate': 0.0143675334042713, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 124, 'subsample': 0.918848750328098}
Epoch : 924: f1_weighted Score 0.811 params {'colsample_bytree': 0.4667954599399405, 'learning_rate': 0.07037119278261575, 'max_depth': 7, 'min_child_samples': 22, 'n_estimators': 50, 'num_leaves': 56, 'subsample': 0.9214891630584251}
Epoch : 925: f1_weighted Score 0.812 params {'colsample_bytree': 0.5731627432120691, 'learning_rate': 0.005067660730369022, 'max_depth': 20, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 124, 'subsample': 0.9960236774206115}
Epoch : 926: f1_weighted Score 0.812 params {'colsample_bytree': 0.7035037126781731, 'learning_rate': 0.01704445019439463, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 150, 'num_leaves': 124, 'subsample': 0.9518939555889996}
Epoch : 927: f1_weighted Score 0.806 params {'colsample_bytree': 0.7194098848430669, 'learning_rate': 0.015048104285038081, 'max_depth': 8, 'min_child_samples': 24, 'n_estimators': 225, 'num_leaves': 128, 'subsample': 0.9505037591789386}
Epoch : 928: f1_weighted Score 0.812 params {'colsample_bytree': 0.7234250312161662, 'learning_rate': 0.010024557730385422, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 92, 'subsample': 0.9393686696096393}
Epoch : 929: f1_weighted Score 0.812 params {'colsample_bytree': 0.5875450159848273, 'learning_rate': 0.009731379124284264, 'max_depth': 9, 'min_child_samples': 26, 'n_estimators': 200, 'num_leaves': 120, 'subsample': 0.9112836616361215}
Epoch : 930: f1_weighted Score 0.799 params {'colsample_bytree': 0.7506042774302021, 'learning_rate': 0.016974006714135084, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 94, 'subsample': 0.976791729202185}
Epoch : 931: f1_weighted Score 0.808 params {'colsample_bytree': 0.5549378850858879, 'learning_rate': 0.023952998061027495, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 70, 'subsample': 0.9822644449613326}
Epoch : 932: f1_weighted Score 0.809 params {'colsample_bytree': 0.5642300679076763, 'learning_rate': 0.006929886745216136, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 78, 'subsample': 0.9864226791568115}
Epoch : 933: f1_weighted Score 0.805 params {'colsample_bytree': 0.7425541792314672, 'learning_rate': 0.012067968932718245, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 116, 'subsample': 0.9434088985907839}
Epoch : 934: f1_weighted Score 0.812 params {'colsample_bytree': 0.6140987562132132, 'learning_rate': 0.008089088315030834, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 30, 'subsample': 0.9669445597323582}
Epoch : 935: f1_weighted Score 0.812 params {'colsample_bytree': 0.7923504818762424, 'learning_rate': 0.0477405449642934, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 50, 'num_leaves': 104, 'subsample': 0.9555976597689091}
Epoch : 936: f1_weighted Score 0.810 params {'colsample_bytree': 0.5229556520387639, 'learning_rate': 0.007415230928725162, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 20, 'subsample': 0.9959362500911586}
Epoch : 937: f1_weighted Score 0.814 params {'colsample_bytree': 0.7140082987517431, 'learning_rate': 0.013549072276903702, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 126, 'subsample': 0.9627788012653312}
Epoch : 938: f1_weighted Score 0.812 params {'colsample_bytree': 0.7173276854844346, 'learning_rate': 0.014548662414105814, 'max_depth': 9, 'min_child_samples': 26, 'n_estimators': 100, 'num_leaves': 120, 'subsample': 0.9461329747476575}
Epoch : 939: f1_weighted Score 0.806 params {'colsample_bytree': 0.57965389584917, 'learning_rate': 0.009033957002436529, 'max_depth': 18, 'min_child_samples': 26, 'n_estimators': 375, 'num_leaves': 128, 'subsample': 0.9720646012758176}
Epoch : 940: f1_weighted Score 0.812 params {'colsample_bytree': 0.6349473157741057, 'learning_rate': 0.005702491716393621, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 112, 'subsample': 0.9924484181742436}
Epoch : 941: f1_weighted Score 0.812 params {'colsample_bytree': 0.6869210663977849, 'learning_rate': 0.011637483489788781, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 126, 'subsample': 0.9594126539358527}
Epoch : 942: f1_weighted Score 0.814 params {'colsample_bytree': 0.6254321456732174, 'learning_rate': 0.006600809234406643, 'max_depth': 19, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 116, 'subsample': 0.9788803885223114}
Epoch : 943: f1_weighted Score 0.783 params {'colsample_bytree': 0.5591086778176632, 'learning_rate': 0.024941419432594675, 'max_depth': 20, 'min_child_samples': 30, 'n_estimators': 950, 'num_leaves': 116, 'subsample': 0.9442133030515383}
Epoch : 944: f1_weighted Score 0.806 params {'colsample_bytree': 0.570761300150681, 'learning_rate': 0.015615008167434186, 'max_depth': 8, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 34, 'subsample': 0.9699465137487742}
Epoch : 945: f1_weighted Score 0.811 params {'colsample_bytree': 0.6592957093284376, 'learning_rate': 0.010799197780749902, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 66, 'subsample': 0.95336351558917}
Epoch : 946: f1_weighted Score 0.812 params {'colsample_bytree': 0.6360065851715219, 'learning_rate': 0.008026502378626047, 'max_depth': 9, 'min_child_samples': 22, 'n_estimators': 325, 'num_leaves': 118, 'subsample': 0.9446861735876003}
Epoch : 947: f1_weighted Score 0.781 params {'colsample_bytree': 0.7351904683265991, 'learning_rate': 0.1686397313523633, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 84, 'subsample': 0.9805781146690448}
Epoch : 948: f1_weighted Score 0.787 params {'colsample_bytree': 0.752401730687661, 'learning_rate': 0.018038643090591933, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 1200, 'num_leaves': 98, 'subsample': 0.9573516350086392}
Epoch : 949: f1_weighted Score 0.812 params {'colsample_bytree': 0.6482914196721065, 'learning_rate': 0.008096268501758474, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 90, 'subsample': 0.9732096539414808}
Epoch : 950: f1_weighted Score 0.808 params {'colsample_bytree': 0.5930761287762382, 'learning_rate': 0.007528855901857623, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 425, 'num_leaves': 82, 'subsample': 0.9900689777079417}
Epoch : 951: f1_weighted Score 0.812 params {'colsample_bytree': 0.6664948777001529, 'learning_rate': 0.005222244205330133, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 122, 'subsample': 0.9844964847976412}
Epoch : 952: f1_weighted Score 0.812 params {'colsample_bytree': 0.7583737379246882, 'learning_rate': 0.010433343428643362, 'max_depth': 20, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 120, 'subsample': 0.9331222618519094}
Epoch : 953: f1_weighted Score 0.812 params {'colsample_bytree': 0.7722469444164071, 'learning_rate': 0.012649439559462681, 'max_depth': 19, 'min_child_samples': 24, 'n_estimators': 200, 'num_leaves': 114, 'subsample': 0.9272300362407757}
Epoch : 954: f1_weighted Score 0.793 params {'colsample_bytree': 0.7987297736265916, 'learning_rate': 0.10394149468558336, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 75, 'num_leaves': 74, 'subsample': 0.876546713700981}
Epoch : 955: f1_weighted Score 0.812 params {'colsample_bytree': 0.8346464147093382, 'learning_rate': 0.025978690514458926, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 110, 'subsample': 0.8656948846375386}
Epoch : 956: f1_weighted Score 0.809 params {'colsample_bytree': 0.5371036632528378, 'learning_rate': 0.009167005248178345, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 76, 'subsample': 0.9998992607199966}
Epoch : 957: f1_weighted Score 0.811 params {'colsample_bytree': 0.6825396629151947, 'learning_rate': 0.008015249097426722, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 70, 'subsample': 0.9680753990096058}
Epoch : 958: f1_weighted Score 0.809 params {'colsample_bytree': 0.5883295651927953, 'learning_rate': 0.0067521348332129525, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 525, 'num_leaves': 126, 'subsample': 0.98719958799841}
Epoch : 959: f1_weighted Score 0.812 params {'colsample_bytree': 0.645591099846428, 'learning_rate': 0.01119535582492691, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 122, 'subsample': 0.9193571533634548}
Epoch : 960: f1_weighted Score 0.812 params {'colsample_bytree': 0.6090946087506589, 'learning_rate': 0.006211434467405584, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 96, 'subsample': 0.9951907278333786}
Epoch : 961: f1_weighted Score 0.802 params {'colsample_bytree': 0.6985075783492996, 'learning_rate': 0.00837051477920636, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 800, 'num_leaves': 92, 'subsample': 0.9650760494016676}
Epoch : 962: f1_weighted Score 0.812 params {'colsample_bytree': 0.731008768224722, 'learning_rate': 0.01485063406070078, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 26, 'subsample': 0.9508880807186764}
Epoch : 963: f1_weighted Score 0.797 params {'colsample_bytree': 0.8119898560944799, 'learning_rate': 0.04171099772291103, 'max_depth': 9, 'min_child_samples': 20, 'n_estimators': 100, 'num_leaves': 124, 'subsample': 0.8961726282370657}
Epoch : 964: f1_weighted Score 0.812 params {'colsample_bytree': 0.740599295700785, 'learning_rate': 0.013332458917683344, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 114, 'subsample': 0.9397163129887146}
Epoch : 965: f1_weighted Score 0.802 params {'colsample_bytree': 0.7751090317447916, 'learning_rate': 0.01903123030555633, 'max_depth': 6, 'min_child_samples': 14, 'n_estimators': 150, 'num_leaves': 102, 'subsample': 0.9412570376554891}
Epoch : 966: f1_weighted Score 0.793 params {'colsample_bytree': 0.6207025550280698, 'learning_rate': 0.009236351088625541, 'max_depth': 9, 'min_child_samples': 20, 'n_estimators': 1500, 'num_leaves': 122, 'subsample': 0.9544933727808055}
Epoch : 967: f1_weighted Score 0.808 params {'colsample_bytree': 0.7143598826898848, 'learning_rate': 0.020949435714112112, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 78, 'subsample': 0.9745214663243645}
Epoch : 968: f1_weighted Score 0.808 params {'colsample_bytree': 0.4436514538970867, 'learning_rate': 0.010332856879009306, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 106, 'subsample': 0.9663744942296881}
Epoch : 969: f1_weighted Score 0.808 params {'colsample_bytree': 0.5436966479632811, 'learning_rate': 0.020902807910773334, 'max_depth': 7, 'min_child_samples': 20, 'n_estimators': 125, 'num_leaves': 56, 'subsample': 0.9129637181982702}
Epoch : 970: f1_weighted Score 0.812 params {'colsample_bytree': 0.6883825479617386, 'learning_rate': 0.009817831958956214, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 24, 'subsample': 0.9609929826657924}
Epoch : 971: f1_weighted Score 0.806 params {'colsample_bytree': 0.8478940153704129, 'learning_rate': 0.054799382947612545, 'max_depth': 20, 'min_child_samples': 24, 'n_estimators': 50, 'num_leaves': 48, 'subsample': 0.9303339803741116}
Epoch : 972: f1_weighted Score 0.795 params {'colsample_bytree': 0.6552287131363219, 'learning_rate': 0.009204300519139355, 'max_depth': 10, 'min_child_samples': 26, 'n_estimators': 725, 'num_leaves': 76, 'subsample': 0.948782821752619}
Epoch : 973: f1_weighted Score 0.794 params {'colsample_bytree': 0.6676951834356838, 'learning_rate': 0.016203045268403344, 'max_depth': 19, 'min_child_samples': 30, 'n_estimators': 725, 'num_leaves': 126, 'subsample': 0.979979695650535}
Epoch : 974: f1_weighted Score 0.809 params {'colsample_bytree': 0.6742122670878667, 'learning_rate': 0.008559121147849656, 'max_depth': 12, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 106, 'subsample': 0.9767387344322095}
Epoch : 975: f1_weighted Score 0.794 params {'colsample_bytree': 0.8026551055720114, 'learning_rate': 0.08397583764502202, 'max_depth': 8, 'min_child_samples': 18, 'n_estimators': 50, 'num_leaves': 114, 'subsample': 0.8619544948736155}
Epoch : 976: f1_weighted Score 0.812 params {'colsample_bytree': 0.6231346578840979, 'learning_rate': 0.03556263872610845, 'max_depth': 19, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 74, 'subsample': 0.9015748798395771}
Epoch : 977: f1_weighted Score 0.811 params {'colsample_bytree': 0.6469691581318285, 'learning_rate': 0.005877506184553418, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 82, 'subsample': 0.9916082429154542}
Epoch : 978: f1_weighted Score 0.812 params {'colsample_bytree': 0.7495237236721591, 'learning_rate': 0.014100551019735412, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 118, 'subsample': 0.9339184596978118}
Epoch : 979: f1_weighted Score 0.802 params {'colsample_bytree': 0.6546218322866548, 'learning_rate': 0.010819265952341044, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 100, 'subsample': 0.9750123734537445}
Epoch : 980: f1_weighted Score 0.812 params {'colsample_bytree': 0.5763108581259277, 'learning_rate': 0.005015935314646747, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 118, 'subsample': 0.9826590257599868}
Epoch : 981: f1_weighted Score 0.783 params {'colsample_bytree': 0.6240390002489488, 'learning_rate': 0.05707808745912045, 'max_depth': 19, 'min_child_samples': 22, 'n_estimators': 850, 'num_leaves': 110, 'subsample': 0.8881148380515576}
Epoch : 982: f1_weighted Score 0.796 params {'colsample_bytree': 0.7049517981521547, 'learning_rate': 0.01286087897181334, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 550, 'num_leaves': 128, 'subsample': 0.987781969494422}
Epoch : 983: f1_weighted Score 0.812 params {'colsample_bytree': 0.6745087995415558, 'learning_rate': 0.007888054026624616, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 200, 'num_leaves': 62, 'subsample': 0.9636407575970802}
Epoch : 984: f1_weighted Score 0.811 params {'colsample_bytree': 0.5996444571153715, 'learning_rate': 0.009589565278074863, 'max_depth': 15, 'min_child_samples': 22, 'n_estimators': 275, 'num_leaves': 32, 'subsample': 0.9374143588439795}
Epoch : 985: f1_weighted Score 0.808 params {'colsample_bytree': 0.739934545865251, 'learning_rate': 0.012155158180847826, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 102, 'subsample': 0.9660533336688556}
Epoch : 986: f1_weighted Score 0.812 params {'colsample_bytree': 0.7608993945024061, 'learning_rate': 0.01037773294832774, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 175, 'num_leaves': 66, 'subsample': 0.9300868671604078}
Epoch : 987: f1_weighted Score 0.797 params {'colsample_bytree': 0.7742520666995818, 'learning_rate': 0.06197087966951879, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 100, 'num_leaves': 98, 'subsample': 0.8555906132103906}
Epoch : 988: f1_weighted Score 0.805 params {'colsample_bytree': 0.6317089736091983, 'learning_rate': 0.006468840868217867, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 575, 'num_leaves': 120, 'subsample': 0.9989404498107518}
Epoch : 989: f1_weighted Score 0.803 params {'colsample_bytree': 0.6911758804231521, 'learning_rate': 0.012124657446385039, 'max_depth': 12, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 86, 'subsample': 0.9713097919403548}
Epoch : 990: f1_weighted Score 0.812 params {'colsample_bytree': 0.7745797602070883, 'learning_rate': 0.01777696781987339, 'max_depth': 19, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 126, 'subsample': 0.9172904913592629}
Epoch : 991: f1_weighted Score 0.800 params {'colsample_bytree': 0.7104478291025421, 'learning_rate': 0.016141866772935186, 'max_depth': 20, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 114, 'subsample': 0.9454504222289383}
Epoch : 992: f1_weighted Score 0.809 params {'colsample_bytree': 0.5565799150220948, 'learning_rate': 0.005407360168818992, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 650, 'num_leaves': 116, 'subsample': 0.8028508008070665}
Epoch : 993: f1_weighted Score 0.812 params {'colsample_bytree': 0.6864505988501516, 'learning_rate': 0.0071907419188442226, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 84, 'subsample': 0.9757538129653054}
Epoch : 994: f1_weighted Score 0.800 params {'colsample_bytree': 0.7212428357168961, 'learning_rate': 0.011618304347250858, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 124, 'subsample': 0.9357362712778168}
Epoch : 995: f1_weighted Score 0.812 params {'colsample_bytree': 0.5250171370349638, 'learning_rate': 0.00767275580291099, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 122, 'subsample': 0.9831854021869373}
Epoch : 996: f1_weighted Score 0.799 params {'colsample_bytree': 0.5115067152790786, 'learning_rate': 0.05006504732251835, 'max_depth': 20, 'min_child_samples': 24, 'n_estimators': 100, 'num_leaves': 88, 'subsample': 0.9792998120513502}
Epoch : 997: f1_weighted Score 0.814 params {'colsample_bytree': 0.7274100281511297, 'learning_rate': 0.0068355181308508385, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 94, 'subsample': 0.8511673528691193}
Epoch : 998: f1_weighted Score 0.802 params {'colsample_bytree': 0.5959200197910686, 'learning_rate': 0.006615678126309246, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 525, 'num_leaves': 94, 'subsample': 0.9885422144275715}
Epoch : 999: f1_weighted Score 0.805 params {'colsample_bytree': 0.7729823847705912, 'learning_rate': 0.0189596673863671, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 106, 'subsample': 0.9700738811962302}
Epoch : 1000: f1_weighted Score 0.811 params {'colsample_bytree': 0.6438619919005063, 'learning_rate': 0.01129120293099987, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 126, 'subsample': 0.9250133006760333}
Epoch : 1001: f1_weighted Score 0.789 params {'colsample_bytree': 0.5341055117159977, 'learning_rate': 0.13117961034171305, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 125, 'num_leaves': 90, 'subsample': 0.8377116082635874}
Epoch : 1002: f1_weighted Score 0.808 params {'colsample_bytree': 0.5742492816000494, 'learning_rate': 0.005329411056448927, 'max_depth': 17, 'min_child_samples': 26, 'n_estimators': 625, 'num_leaves': 64, 'subsample': 0.992467556007973}
Epoch : 1003: f1_weighted Score 0.807 params {'colsample_bytree': 0.8179066481132682, 'learning_rate': 0.04511730635955634, 'max_depth': 9, 'min_child_samples': 22, 'n_estimators': 75, 'num_leaves': 60, 'subsample': 0.8803486835698177}
Epoch : 1004: f1_weighted Score 0.811 params {'colsample_bytree': 0.730943203984114, 'learning_rate': 0.014243550504489073, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 108, 'subsample': 0.9614117992700988}
Epoch : 1005: f1_weighted Score 0.812 params {'colsample_bytree': 0.4951821050277514, 'learning_rate': 0.006272912300240781, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 575, 'num_leaves': 118, 'subsample': 0.9808397010497142}
Epoch : 1006: f1_weighted Score 0.805 params {'colsample_bytree': 0.7481388230570811, 'learning_rate': 0.015388566185650552, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 28, 'subsample': 0.9536833161449902}
Epoch : 1007: f1_weighted Score 0.802 params {'colsample_bytree': 0.6630223189813003, 'learning_rate': 0.011429945636382673, 'max_depth': 9, 'min_child_samples': 16, 'n_estimators': 250, 'num_leaves': 122, 'subsample': 0.941216802542111}
Epoch : 1008: f1_weighted Score 0.806 params {'colsample_bytree': 0.7548156535749553, 'learning_rate': 0.012780723967501606, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 128, 'subsample': 0.9414795268926649}
Epoch : 1009: f1_weighted Score 0.814 params {'colsample_bytree': 0.6643885136770533, 'learning_rate': 0.010322168034308283, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 112, 'subsample': 0.9636762764282443}
Epoch : 1010: f1_weighted Score 0.808 params {'colsample_bytree': 0.6336125034425323, 'learning_rate': 0.007145642232486238, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 104, 'subsample': 0.9799359958461624}
Epoch : 1011: f1_weighted Score 0.800 params {'colsample_bytree': 0.6587979896145235, 'learning_rate': 0.008678365683404755, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 128, 'subsample': 0.9722936474356573}
Epoch : 1012: f1_weighted Score 0.812 params {'colsample_bytree': 0.6995373331051864, 'learning_rate': 0.01770024654395742, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 8, 'subsample': 0.9384855883344319}
Epoch : 1013: f1_weighted Score 0.812 params {'colsample_bytree': 0.6122717356158323, 'learning_rate': 0.005767528958565082, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 375, 'num_leaves': 68, 'subsample': 0.9953881211637429}
Epoch : 1014: f1_weighted Score 0.809 params {'colsample_bytree': 0.8001858377098405, 'learning_rate': 0.02234639813025678, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 114, 'subsample': 0.9272058410491842}
Epoch : 1015: f1_weighted Score 0.811 params {'colsample_bytree': 0.6139112764673316, 'learning_rate': 0.009037946530393451, 'max_depth': 19, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 120, 'subsample': 0.9550810406480722}
Epoch : 1016: f1_weighted Score 0.812 params {'colsample_bytree': 0.6803506359536281, 'learning_rate': 0.011886413059226447, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 200, 'num_leaves': 110, 'subsample': 0.9500957295583948}
Epoch : 1017: f1_weighted Score 0.783 params {'colsample_bytree': 0.7356735739610019, 'learning_rate': 0.012217438560591867, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 1450, 'num_leaves': 92, 'subsample': 0.8687799976120036}
Epoch : 1018: f1_weighted Score 0.811 params {'colsample_bytree': 0.5875317982581489, 'learning_rate': 0.006041774206076141, 'max_depth': 17, 'min_child_samples': 26, 'n_estimators': 425, 'num_leaves': 96, 'subsample': 0.9847826602095289}
Epoch : 1019: f1_weighted Score 0.812 params {'colsample_bytree': 0.6011618482270292, 'learning_rate': 0.00756134412210468, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 74, 'subsample': 0.9868533741060459}
Epoch : 1020: f1_weighted Score 0.812 params {'colsample_bytree': 0.8575821066009077, 'learning_rate': 0.02263808678963427, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 108, 'subsample': 0.918956638914006}
Epoch : 1021: f1_weighted Score 0.811 params {'colsample_bytree': 0.7058536369545113, 'learning_rate': 0.016981827889233497, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 116, 'subsample': 0.9335068622683226}
Epoch : 1022: f1_weighted Score 0.806 params {'colsample_bytree': 0.551432150341001, 'learning_rate': 0.02820409952939283, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 60, 'subsample': 0.9056215280117761}
Epoch : 1023: f1_weighted Score 0.782 params {'colsample_bytree': 0.7239524880757428, 'learning_rate': 0.020565780382916066, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 1125, 'num_leaves': 72, 'subsample': 0.9737079857074387}
Epoch : 1024: f1_weighted Score 0.809 params {'colsample_bytree': 0.6749883914765905, 'learning_rate': 0.007812338883664062, 'max_depth': 14, 'min_child_samples': 22, 'n_estimators': 350, 'num_leaves': 112, 'subsample': 0.9396052860975388}
Epoch : 1025: f1_weighted Score 0.797 params {'colsample_bytree': 0.7270163904983403, 'learning_rate': 0.013926705665536143, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 102, 'subsample': 0.9582389448236357}
Epoch : 1026: f1_weighted Score 0.812 params {'colsample_bytree': 0.5612847021210369, 'learning_rate': 0.005087874249653781, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 100, 'subsample': 0.9898533112196365}
Epoch : 1027: f1_weighted Score 0.812 params {'colsample_bytree': 0.7087284955154739, 'learning_rate': 0.013460298896520943, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 124, 'subsample': 0.9618039933953704}
Epoch : 1028: f1_weighted Score 0.812 params {'colsample_bytree': 0.7817912549915613, 'learning_rate': 0.015831272011031947, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 20, 'subsample': 0.9643757490548935}
Epoch : 1029: f1_weighted Score 0.812 params {'colsample_bytree': 0.7822831008318889, 'learning_rate': 0.014515377184201312, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 126, 'subsample': 0.8555035452461671}
Epoch : 1030: f1_weighted Score 0.812 params {'colsample_bytree': 0.6359718571149325, 'learning_rate': 0.007186955865386352, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 88, 'subsample': 0.976645868015948}
Epoch : 1031: f1_weighted Score 0.814 params {'colsample_bytree': 0.739354891926033, 'learning_rate': 0.015394555516808538, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 80, 'subsample': 0.9149815614851516}
Epoch : 1032: f1_weighted Score 0.812 params {'colsample_bytree': 0.7057848590715261, 'learning_rate': 0.013040130971851372, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 80, 'subsample': 0.9106514765905644}
Epoch : 1033: f1_weighted Score 0.812 params {'colsample_bytree': 0.6421974635793125, 'learning_rate': 0.005064090387745618, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 78, 'subsample': 0.9960532693552164}
Epoch : 1034: f1_weighted Score 0.814 params {'colsample_bytree': 0.6311490891389394, 'learning_rate': 0.006691221827918226, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 112, 'subsample': 0.9996640708198545}
Epoch : 1035: f1_weighted Score 0.812 params {'colsample_bytree': 0.6586804656848517, 'learning_rate': 0.0061760596281839695, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 112, 'subsample': 0.9999768751584428}
Epoch : 1036: f1_weighted Score 0.814 params {'colsample_bytree': 0.7865988259256178, 'learning_rate': 0.009844765586486559, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 110, 'subsample': 0.8623042046873283}
Epoch : 1037: f1_weighted Score 0.812 params {'colsample_bytree': 0.8209887449211264, 'learning_rate': 0.01892056152080693, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 116, 'subsample': 0.9013075536770534}
Epoch : 1038: f1_weighted Score 0.809 params {'colsample_bytree': 0.6912144918957047, 'learning_rate': 0.013845949859723133, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 120, 'subsample': 0.95946761436432}
Epoch : 1039: f1_weighted Score 0.791 params {'colsample_bytree': 0.766241753281988, 'learning_rate': 0.07678384445783869, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 120, 'subsample': 0.9455880703002236}
Epoch : 1040: f1_weighted Score 0.812 params {'colsample_bytree': 0.6217007127746109, 'learning_rate': 0.005848205286013752, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 84, 'subsample': 0.9913071875802113}
Epoch : 1041: f1_weighted Score 0.812 params {'colsample_bytree': 0.8115234424007916, 'learning_rate': 0.011899491682171297, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 98, 'subsample': 0.950747102517999}
Epoch : 1042: f1_weighted Score 0.812 params {'colsample_bytree': 0.7927257224268585, 'learning_rate': 0.010476320578006104, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 124, 'subsample': 0.9058037345635779}
Epoch : 1043: f1_weighted Score 0.811 params {'colsample_bytree': 0.8276322747814507, 'learning_rate': 0.029097752481431077, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 116, 'subsample': 0.9475196668386865}
Epoch : 1044: f1_weighted Score 0.812 params {'colsample_bytree': 0.5761846419541887, 'learning_rate': 0.031716382890811745, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 56, 'subsample': 0.9686526972213919}
Epoch : 1045: f1_weighted Score 0.812 params {'colsample_bytree': 0.8011986987598184, 'learning_rate': 0.016932066414003383, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 94, 'subsample': 0.9628654192732227}
Epoch : 1046: f1_weighted Score 0.786 params {'colsample_bytree': 0.753273796428921, 'learning_rate': 0.014548640429723756, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 1025, 'num_leaves': 122, 'subsample': 0.8427383579684798}
Epoch : 1047: f1_weighted Score 0.812 params {'colsample_bytree': 0.6855629009920802, 'learning_rate': 0.012919774387608222, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 175, 'num_leaves': 104, 'subsample': 0.9568657229070746}
Epoch : 1048: f1_weighted Score 0.806 params {'colsample_bytree': 0.8420948393442728, 'learning_rate': 0.023821099742601718, 'max_depth': 4, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 38, 'subsample': 0.8223048251611254}
Epoch : 1049: f1_weighted Score 0.808 params {'colsample_bytree': 0.6531849510240443, 'learning_rate': 0.009167475661733617, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 128, 'subsample': 0.9831618995812412}
Epoch : 1050: f1_weighted Score 0.812 params {'colsample_bytree': 0.6935899309289005, 'learning_rate': 0.01057936286082726, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 104, 'subsample': 0.9474429792273688}
Epoch : 1051: f1_weighted Score 0.812 params {'colsample_bytree': 0.8854767201938312, 'learning_rate': 0.017270137438345313, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 50, 'num_leaves': 118, 'subsample': 0.9247929781504811}
Epoch : 1052: f1_weighted Score 0.811 params {'colsample_bytree': 0.676698633831812, 'learning_rate': 0.01131626619071889, 'max_depth': 8, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 124, 'subsample': 0.9433806694712462}
Epoch : 1053: f1_weighted Score 0.814 params {'colsample_bytree': 0.7228211889113889, 'learning_rate': 0.012558318524517395, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 120, 'subsample': 0.9625883048488459}
Epoch : 1054: f1_weighted Score 0.812 params {'colsample_bytree': 0.7219878955973168, 'learning_rate': 0.015938883986668637, 'max_depth': 8, 'min_child_samples': 24, 'n_estimators': 150, 'num_leaves': 118, 'subsample': 0.9531255554699495}
Epoch : 1055: f1_weighted Score 0.811 params {'colsample_bytree': 0.7101122617005295, 'learning_rate': 0.00964642966979807, 'max_depth': 19, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 128, 'subsample': 0.923841537429796}
Epoch : 1056: f1_weighted Score 0.809 params {'colsample_bytree': 0.8127026242301765, 'learning_rate': 0.04440332730316828, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 75, 'num_leaves': 64, 'subsample': 0.8509763948308}
Epoch : 1057: f1_weighted Score 0.812 params {'colsample_bytree': 0.6607374883656696, 'learning_rate': 0.008481810025957704, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 80, 'subsample': 0.9950181079705084}
Epoch : 1058: f1_weighted Score 0.811 params {'colsample_bytree': 0.6954724945473633, 'learning_rate': 0.008712644164874881, 'max_depth': 20, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 108, 'subsample': 0.9534575425789722}
Epoch : 1059: f1_weighted Score 0.814 params {'colsample_bytree': 0.6145288942992354, 'learning_rate': 0.020653136246018902, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 112, 'subsample': 0.937977165121439}
Epoch : 1060: f1_weighted Score 0.812 params {'colsample_bytree': 0.6512665094072045, 'learning_rate': 0.00603537052012528, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 86, 'subsample': 0.9865967604720872}
Epoch : 1061: f1_weighted Score 0.807 params {'colsample_bytree': 0.7931185913250146, 'learning_rate': 0.06603922371579027, 'max_depth': 13, 'min_child_samples': 20, 'n_estimators': 50, 'num_leaves': 36, 'subsample': 0.9174101730502984}
Epoch : 1062: f1_weighted Score 0.809 params {'colsample_bytree': 0.7397261470414627, 'learning_rate': 0.010799580847562934, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 92, 'subsample': 0.9692741235301873}
Epoch : 1063: f1_weighted Score 0.812 params {'colsample_bytree': 0.8396143245529342, 'learning_rate': 0.033654122255306916, 'max_depth': 4, 'min_child_samples': 22, 'n_estimators': 50, 'num_leaves': 48, 'subsample': 0.8729706316925044}
Epoch : 1064: f1_weighted Score 0.782 params {'colsample_bytree': 0.7667584410537103, 'learning_rate': 0.11954125707097178, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 110, 'subsample': 0.9356804903953391}
Epoch : 1065: f1_weighted Score 0.812 params {'colsample_bytree': 0.6002324533006174, 'learning_rate': 0.007885518428728507, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 84, 'subsample': 0.9777725495155265}
Epoch : 1066: f1_weighted Score 0.814 params {'colsample_bytree': 0.6392780239043186, 'learning_rate': 0.018978321821346095, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 124, 'subsample': 0.9529221436260579}
Epoch : 1067: f1_weighted Score 0.809 params {'colsample_bytree': 0.6444400677889478, 'learning_rate': 0.009726321989363901, 'max_depth': 9, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 124, 'subsample': 0.9496179193378497}
Epoch : 1068: f1_weighted Score 0.812 params {'colsample_bytree': 0.7431410586427714, 'learning_rate': 0.015104627190031398, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 114, 'subsample': 0.9296639756134882}
Epoch : 1069: f1_weighted Score 0.781 params {'colsample_bytree': 0.7395922737696176, 'learning_rate': 0.0178772162323435, 'max_depth': 15, 'min_child_samples': 26, 'n_estimators': 1300, 'num_leaves': 112, 'subsample': 0.9276336130300095}
Epoch : 1070: f1_weighted Score 0.812 params {'colsample_bytree': 0.7159046939699694, 'learning_rate': 0.006821971469103093, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 108, 'subsample': 0.9728787320186074}
Epoch : 1071: f1_weighted Score 0.812 params {'colsample_bytree': 0.8083449560125303, 'learning_rate': 0.010705845156938072, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 96, 'subsample': 0.8586638255070496}
Epoch : 1072: f1_weighted Score 0.812 params {'colsample_bytree': 0.6933438609751862, 'learning_rate': 0.008711702265856233, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 88, 'subsample': 0.9265371125914512}
Epoch : 1073: f1_weighted Score 0.812 params {'colsample_bytree': 0.6677941465056692, 'learning_rate': 0.006996852366425791, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 108, 'subsample': 0.8979117822921642}
Epoch : 1074: f1_weighted Score 0.809 params {'colsample_bytree': 0.7116145282131298, 'learning_rate': 0.012897986504554834, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 70, 'subsample': 0.9680773852385429}
Epoch : 1075: f1_weighted Score 0.812 params {'colsample_bytree': 0.6876530598441755, 'learning_rate': 0.006484611998487847, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 92, 'subsample': 0.9553646182606764}
Epoch : 1076: f1_weighted Score 0.808 params {'colsample_bytree': 0.7603908265921866, 'learning_rate': 0.018003591057336003, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 126, 'subsample': 0.9331615388307861}
Epoch : 1077: f1_weighted Score 0.810 params {'colsample_bytree': 0.8701342656143437, 'learning_rate': 0.023787937891676617, 'max_depth': 5, 'min_child_samples': 12, 'n_estimators': 50, 'num_leaves': 58, 'subsample': 0.8675319051809697}
Epoch : 1078: f1_weighted Score 0.812 params {'colsample_bytree': 0.6759905131340461, 'learning_rate': 0.007675776711254666, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 118, 'subsample': 0.9235981155660079}
Epoch : 1079: f1_weighted Score 0.799 params {'colsample_bytree': 0.6980029658070053, 'learning_rate': 0.00981328608596776, 'max_depth': 10, 'min_child_samples': 26, 'n_estimators': 375, 'num_leaves': 108, 'subsample': 0.9726635952723682}
Epoch : 1080: f1_weighted Score 0.794 params {'colsample_bytree': 0.7641132117886287, 'learning_rate': 0.09124169288703103, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 90, 'subsample': 0.9099077187465886}
Epoch : 1081: f1_weighted Score 0.812 params {'colsample_bytree': 0.7833148922276525, 'learning_rate': 0.005773224857670587, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 400, 'num_leaves': 104, 'subsample': 0.8691918026102664}
Epoch : 1082: f1_weighted Score 0.796 params {'colsample_bytree': 0.5641826413833171, 'learning_rate': 0.020384966454656664, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 116, 'subsample': 0.9572169860104554}
Epoch : 1083: f1_weighted Score 0.808 params {'colsample_bytree': 0.7300957270540883, 'learning_rate': 0.01983453653906625, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 36, 'subsample': 0.9148890059353335}
Epoch : 1084: f1_weighted Score 0.810 params {'colsample_bytree': 0.6077519364393174, 'learning_rate': 0.013748381812706207, 'max_depth': 8, 'min_child_samples': 22, 'n_estimators': 100, 'num_leaves': 120, 'subsample': 0.9222788067253932}
Epoch : 1085: f1_weighted Score 0.800 params {'colsample_bytree': 0.5356683308921344, 'learning_rate': 0.0529689947277725, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 100, 'num_leaves': 106, 'subsample': 0.9308947272473991}
Epoch : 1086: f1_weighted Score 0.812 params {'colsample_bytree': 0.7917754385986873, 'learning_rate': 0.015487981918595642, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 122, 'subsample': 0.9210584927975486}
Epoch : 1087: f1_weighted Score 0.810 params {'colsample_bytree': 0.8284680446327227, 'learning_rate': 0.012156683595734444, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 112, 'subsample': 0.8655775002140909}
Epoch : 1088: f1_weighted Score 0.812 params {'colsample_bytree': 0.660961691342473, 'learning_rate': 0.008104570110939532, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 94, 'subsample': 0.9642539955639834}
Epoch : 1089: f1_weighted Score 0.812 params {'colsample_bytree': 0.547610992619193, 'learning_rate': 0.007299422606803684, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 128, 'subsample': 0.9806058712556507}
Epoch : 1090: f1_weighted Score 0.814 params {'colsample_bytree': 0.6038216152626987, 'learning_rate': 0.011548432457694421, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 42, 'subsample': 0.9415936246383102}
Epoch : 1091: f1_weighted Score 0.806 params {'colsample_bytree': 0.525070213554021, 'learning_rate': 0.020806164289481066, 'max_depth': 10, 'min_child_samples': 24, 'n_estimators': 150, 'num_leaves': 54, 'subsample': 0.9380110109771057}
Epoch : 1092: f1_weighted Score 0.806 params {'colsample_bytree': 0.7242330505280496, 'learning_rate': 0.008399128418201734, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 96, 'subsample': 0.9683010659344484}
Epoch : 1093: f1_weighted Score 0.814 params {'colsample_bytree': 0.7574071644856267, 'learning_rate': 0.013518991938707411, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 124, 'subsample': 0.9317677865898185}
Epoch : 1094: f1_weighted Score 0.814 params {'colsample_bytree': 0.7587434249517473, 'learning_rate': 0.0127260517561295, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 30, 'subsample': 0.947788901485719}
Epoch : 1095: f1_weighted Score 0.808 params {'colsample_bytree': 0.6250095307654406, 'learning_rate': 0.006765693615011356, 'max_depth': 16, 'min_child_samples': 26, 'n_estimators': 450, 'num_leaves': 30, 'subsample': 0.9589043412927837}
Epoch : 1096: f1_weighted Score 0.814 params {'colsample_bytree': 0.748490209091515, 'learning_rate': 0.005528592366528894, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 425, 'num_leaves': 102, 'subsample': 0.99008625525979}
Epoch : 1097: f1_weighted Score 0.806 params {'colsample_bytree': 0.7092188115055033, 'learning_rate': 0.009333955370766495, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 18, 'subsample': 0.9764886429132786}
Epoch : 1098: f1_weighted Score 0.812 params {'colsample_bytree': 0.5774559252034651, 'learning_rate': 0.006715565840371703, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 110, 'subsample': 0.9994073950558313}
Epoch : 1099: f1_weighted Score 0.810 params {'colsample_bytree': 0.8160317217926074, 'learning_rate': 0.018356768578106055, 'max_depth': 6, 'min_child_samples': 18, 'n_estimators': 100, 'num_leaves': 106, 'subsample': 0.9360056483264748}
Epoch : 1100: f1_weighted Score 0.805 params {'colsample_bytree': 0.6125157261578381, 'learning_rate': 0.02621498049594777, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 112, 'subsample': 0.8270968681675674}
Epoch : 1101: f1_weighted Score 0.808 params {'colsample_bytree': 0.6312780462432976, 'learning_rate': 0.0077692525502067525, 'max_depth': 19, 'min_child_samples': 26, 'n_estimators': 400, 'num_leaves': 116, 'subsample': 0.9852177714242701}
Epoch : 1102: f1_weighted Score 0.810 params {'colsample_bytree': 0.5875624738496811, 'learning_rate': 0.0073429027652173835, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 76, 'subsample': 0.9935794541581314}
Epoch : 1103: f1_weighted Score 0.803 params {'colsample_bytree': 0.641795319944832, 'learning_rate': 0.005601577123620429, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 675, 'num_leaves': 86, 'subsample': 0.9759426515948262}
Epoch : 1104: f1_weighted Score 0.814 params {'colsample_bytree': 0.7680430081717647, 'learning_rate': 0.010016406434138342, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 110, 'subsample': 0.8942774251428902}
Epoch : 1105: f1_weighted Score 0.812 params {'colsample_bytree': 0.5945191362735229, 'learning_rate': 0.008907535294944242, 'max_depth': 19, 'min_child_samples': 24, 'n_estimators': 250, 'num_leaves': 126, 'subsample': 0.8839352363084247}
Epoch : 1106: f1_weighted Score 0.812 params {'colsample_bytree': 0.8736295119261253, 'learning_rate': 0.024885580255461753, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 126, 'subsample': 0.9056138486015013}
Epoch : 1107: f1_weighted Score 0.812 params {'colsample_bytree': 0.7848734970644103, 'learning_rate': 0.011186330011248599, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 80, 'subsample': 0.943411779650596}
Epoch : 1108: f1_weighted Score 0.796 params {'colsample_bytree': 0.6842583586754278, 'learning_rate': 0.014447588866732081, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 80, 'subsample': 0.9769318582278343}
Epoch : 1109: f1_weighted Score 0.809 params {'colsample_bytree': 0.7336956769245746, 'learning_rate': 0.02180487017042299, 'max_depth': 6, 'min_child_samples': 18, 'n_estimators': 125, 'num_leaves': 120, 'subsample': 0.9527468471805676}
Epoch : 1110: f1_weighted Score 0.812 params {'colsample_bytree': 0.6528725732648085, 'learning_rate': 0.016689675347982148, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 118, 'subsample': 0.9618294171333446}
Epoch : 1111: f1_weighted Score 0.811 params {'colsample_bytree': 0.6194396691591997, 'learning_rate': 0.019954924240147734, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 122, 'subsample': 0.9598711678421236}
Epoch : 1112: f1_weighted Score 0.812 params {'colsample_bytree': 0.7555172771530967, 'learning_rate': 0.01576815409480771, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 116, 'subsample': 0.9390289911615637}
Epoch : 1113: f1_weighted Score 0.812 params {'colsample_bytree': 0.8048273207487067, 'learning_rate': 0.03915527339611059, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 72, 'subsample': 0.8772448646743504}
Epoch : 1114: f1_weighted Score 0.808 params {'colsample_bytree': 0.5854940041726361, 'learning_rate': 0.0064272735243220405, 'max_depth': 20, 'min_child_samples': 26, 'n_estimators': 475, 'num_leaves': 68, 'subsample': 0.9811124096895162}
Epoch : 1115: f1_weighted Score 0.811 params {'colsample_bytree': 0.741995047718703, 'learning_rate': 0.010444794488841155, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 100, 'subsample': 0.9716020998287137}
Epoch : 1116: f1_weighted Score 0.799 params {'colsample_bytree': 0.715655147137494, 'learning_rate': 0.011611062201159877, 'max_depth': 10, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 126, 'subsample': 0.8341390161782282}
Epoch : 1117: f1_weighted Score 0.803 params {'colsample_bytree': 0.6271407223071366, 'learning_rate': 0.04813037878454845, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 75, 'num_leaves': 66, 'subsample': 0.9667974182580646}
Epoch : 1118: f1_weighted Score 0.809 params {'colsample_bytree': 0.5442999293277334, 'learning_rate': 0.022084738799252938, 'max_depth': 7, 'min_child_samples': 22, 'n_estimators': 125, 'num_leaves': 114, 'subsample': 0.9483044620438588}
Epoch : 1119: f1_weighted Score 0.812 params {'colsample_bytree': 0.7785377600409865, 'learning_rate': 0.016041164603043404, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 122, 'subsample': 0.934293085137163}
Epoch : 1120: f1_weighted Score 0.812 params {'colsample_bytree': 0.49658661354012856, 'learning_rate': 0.01654946970348716, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 68, 'subsample': 0.9127978354927847}
Epoch : 1121: f1_weighted Score 0.811 params {'colsample_bytree': 0.5523598004558568, 'learning_rate': 0.029105770074299066, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 74, 'subsample': 0.9124398583187057}
Epoch : 1122: f1_weighted Score 0.814 params {'colsample_bytree': 0.6788225364809293, 'learning_rate': 0.00940215370457885, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 112, 'subsample': 0.9771741715467123}
Epoch : 1123: f1_weighted Score 0.812 params {'colsample_bytree': 0.6659427271528473, 'learning_rate': 0.009815691928017206, 'max_depth': 20, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 122, 'subsample': 0.9693542304760994}
Epoch : 1124: f1_weighted Score 0.812 params {'colsample_bytree': 0.7909834583160432, 'learning_rate': 0.012241215254409582, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 30, 'subsample': 0.942488298797437}
Epoch : 1125: f1_weighted Score 0.812 params {'colsample_bytree': 0.6247020097684577, 'learning_rate': 0.00507301728640764, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 550, 'num_leaves': 104, 'subsample': 0.8600914916687211}
Epoch : 1126: f1_weighted Score 0.804 params {'colsample_bytree': 0.7728642433284086, 'learning_rate': 0.005160370330528241, 'max_depth': 6, 'min_child_samples': 6, 'n_estimators': 550, 'num_leaves': 100, 'subsample': 0.9473642164865873}
Epoch : 1127: f1_weighted Score 0.810 params {'colsample_bytree': 0.6418175326705885, 'learning_rate': 0.018206506141434962, 'max_depth': 9, 'min_child_samples': 24, 'n_estimators': 150, 'num_leaves': 64, 'subsample': 0.9088775213135181}
Epoch : 1128: f1_weighted Score 0.808 params {'colsample_bytree': 0.6412283880893006, 'learning_rate': 0.008061403965012192, 'max_depth': 15, 'min_child_samples': 26, 'n_estimators': 375, 'num_leaves': 102, 'subsample': 0.9527409133885103}
Epoch : 1129: f1_weighted Score 0.793 params {'colsample_bytree': 0.754484468618833, 'learning_rate': 0.014718653152893163, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 700, 'num_leaves': 104, 'subsample': 0.94525824159354}
Epoch : 1130: f1_weighted Score 0.812 params {'colsample_bytree': 0.6715875230113936, 'learning_rate': 0.009142433107956269, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 34, 'subsample': 0.9386030660206068}
Epoch : 1131: f1_weighted Score 0.808 params {'colsample_bytree': 0.7286760016577403, 'learning_rate': 0.01073467708892589, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 108, 'subsample': 0.9969347775972904}
Epoch : 1132: f1_weighted Score 0.784 params {'colsample_bytree': 0.8344300012881205, 'learning_rate': 0.06522194129042364, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 650, 'num_leaves': 68, 'subsample': 0.9226039929333923}
Epoch : 1133: f1_weighted Score 0.814 params {'colsample_bytree': 0.7694520924034205, 'learning_rate': 0.012989100710103714, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 100, 'subsample': 0.9305558943184268}
Epoch : 1134: f1_weighted Score 0.808 params {'colsample_bytree': 0.5639302739482583, 'learning_rate': 0.012152009815800512, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 106, 'subsample': 0.9192069731646776}
Epoch : 1135: f1_weighted Score 0.812 params {'colsample_bytree': 0.7035046062977549, 'learning_rate': 0.010076959371212639, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 118, 'subsample': 0.8998246433151177}
Epoch : 1136: f1_weighted Score 0.808 params {'colsample_bytree': 0.6054312102817128, 'learning_rate': 0.00813320962505044, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 110, 'subsample': 0.9942511935592816}
Epoch : 1137: f1_weighted Score 0.779 params {'colsample_bytree': 0.7454107508287859, 'learning_rate': 0.10436852116783542, 'max_depth': 20, 'min_child_samples': 30, 'n_estimators': 600, 'num_leaves': 102, 'subsample': 0.9141797694174959}
Epoch : 1138: f1_weighted Score 0.812 params {'colsample_bytree': 0.7133011337639247, 'learning_rate': 0.013740393392232266, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 124, 'subsample': 0.9626698970702516}
Epoch : 1139: f1_weighted Score 0.809 params {'colsample_bytree': 0.7858459224983068, 'learning_rate': 0.011480649591561478, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 108, 'subsample': 0.9817580519872967}
Epoch : 1140: f1_weighted Score 0.811 params {'colsample_bytree': 0.5920785323617825, 'learning_rate': 0.0077758059942677005, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 84, 'subsample': 0.9994639308505652}
Epoch : 1141: f1_weighted Score 0.806 params {'colsample_bytree': 0.7375749894457374, 'learning_rate': 0.007007269510740856, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 96, 'subsample': 0.9871001082964939}
Epoch : 1142: f1_weighted Score 0.812 params {'colsample_bytree': 0.8207601706219173, 'learning_rate': 0.018875808131948127, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 114, 'subsample': 0.9198876688765756}
Epoch : 1143: f1_weighted Score 0.799 params {'colsample_bytree': 0.8004038799598172, 'learning_rate': 0.0733480942172272, 'max_depth': 7, 'min_child_samples': 22, 'n_estimators': 50, 'num_leaves': 72, 'subsample': 0.8955718799382262}
Epoch : 1144: f1_weighted Score 0.812 params {'colsample_bytree': 0.6732329310655447, 'learning_rate': 0.00867007454222375, 'max_depth': 15, 'min_child_samples': 24, 'n_estimators': 300, 'num_leaves': 106, 'subsample': 0.9734325862398642}
Epoch : 1145: f1_weighted Score 0.809 params {'colsample_bytree': 0.747921095790607, 'learning_rate': 0.014351540627489964, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 20, 'subsample': 0.9671151135969307}
Epoch : 1146: f1_weighted Score 0.777 params {'colsample_bytree': 0.7998715236258817, 'learning_rate': 0.06011635276390827, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 775, 'num_leaves': 96, 'subsample': 0.8626687116554158}
Epoch : 1147: f1_weighted Score 0.812 params {'colsample_bytree': 0.8156368345024297, 'learning_rate': 0.01448012210044036, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 42, 'subsample': 0.9305522783289233}
Epoch : 1148: f1_weighted Score 0.812 params {'colsample_bytree': 0.6957271045016107, 'learning_rate': 0.012469752892338573, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 40, 'subsample': 0.9584129900601818}
Epoch : 1149: f1_weighted Score 0.812 params {'colsample_bytree': 0.7246580949166846, 'learning_rate': 0.016953932395177892, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 38, 'subsample': 0.925207453147693}
Epoch : 1150: f1_weighted Score 0.812 params {'colsample_bytree': 0.7665487675477588, 'learning_rate': 0.0055097861036922414, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 98, 'subsample': 0.8300039071460461}
Epoch : 1151: f1_weighted Score 0.803 params {'colsample_bytree': 0.6320351226610212, 'learning_rate': 0.00984114424309947, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 112, 'subsample': 0.8917254693244219}
Epoch : 1152: f1_weighted Score 0.812 params {'colsample_bytree': 0.8319147759010606, 'learning_rate': 0.03479647666304408, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 75, 'num_leaves': 90, 'subsample': 0.8515312599512764}
Epoch : 1153: f1_weighted Score 0.809 params {'colsample_bytree': 0.5674183412879603, 'learning_rate': 0.007236087525413516, 'max_depth': 13, 'min_child_samples': 24, 'n_estimators': 375, 'num_leaves': 110, 'subsample': 0.9843744933236951}
Epoch : 1154: f1_weighted Score 0.804 params {'colsample_bytree': 0.8331255152517361, 'learning_rate': 0.08118327322220173, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 100, 'num_leaves': 40, 'subsample': 0.841489643194164}
Epoch : 1155: f1_weighted Score 0.810 params {'colsample_bytree': 0.5142619837490632, 'learning_rate': 0.008244954298972146, 'max_depth': 7, 'min_child_samples': 22, 'n_estimators': 275, 'num_leaves': 26, 'subsample': 0.945819693423872}
Epoch : 1156: f1_weighted Score 0.812 params {'colsample_bytree': 0.8588491375125858, 'learning_rate': 0.023127520589402106, 'max_depth': 3, 'min_child_samples': 16, 'n_estimators': 100, 'num_leaves': 116, 'subsample': 0.8875607429705541}
Epoch : 1157: f1_weighted Score 0.814 params {'colsample_bytree': 0.6818545994763484, 'learning_rate': 0.013627196085407406, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 122, 'subsample': 0.9664094184365987}
Epoch : 1158: f1_weighted Score 0.806 params {'colsample_bytree': 0.6485795820209723, 'learning_rate': 0.016716948597728716, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 120, 'subsample': 0.9720352287567189}
Epoch : 1159: f1_weighted Score 0.812 params {'colsample_bytree': 0.6986297027972141, 'learning_rate': 0.015221004808768961, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 106, 'subsample': 0.9280966272964306}
Epoch : 1160: f1_weighted Score 0.812 params {'colsample_bytree': 0.7833128762456819, 'learning_rate': 0.01047837711415067, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 104, 'subsample': 0.8942786966303752}
Epoch : 1161: f1_weighted Score 0.811 params {'colsample_bytree': 0.5784097488805345, 'learning_rate': 0.019224401211622826, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 78, 'subsample': 0.9554312383275193}
Epoch : 1162: f1_weighted Score 0.812 params {'colsample_bytree': 0.7880823138696894, 'learning_rate': 0.01158872899105279, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 112, 'subsample': 0.8384735585579292}
Epoch : 1163: f1_weighted Score 0.812 params {'colsample_bytree': 0.750259799208604, 'learning_rate': 0.005556512812402036, 'max_depth': 16, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 100, 'subsample': 0.9274870252247502}
Epoch : 1164: f1_weighted Score 0.812 params {'colsample_bytree': 0.849249642038705, 'learning_rate': 0.011032437511283274, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 44, 'subsample': 0.9322458939162691}
Epoch : 1165: f1_weighted Score 0.812 params {'colsample_bytree': 0.6143764763395478, 'learning_rate': 0.015348683030051425, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 48, 'subsample': 0.9406856193771156}
Epoch : 1166: f1_weighted Score 0.790 params {'colsample_bytree': 0.8042324246396606, 'learning_rate': 0.03968108253447093, 'max_depth': 6, 'min_child_samples': 14, 'n_estimators': 175, 'num_leaves': 22, 'subsample': 0.9164273696561495}
Epoch : 1167: f1_weighted Score 0.808 params {'colsample_bytree': 0.7732632794692003, 'learning_rate': 0.016880384981806634, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 106, 'subsample': 0.9202305649871706}
Epoch : 1168: f1_weighted Score 0.804 params {'colsample_bytree': 0.8155966736756135, 'learning_rate': 0.010996753355424852, 'max_depth': 7, 'min_child_samples': 10, 'n_estimators': 250, 'num_leaves': 18, 'subsample': 0.9499112160261666}
Epoch : 1169: f1_weighted Score 0.811 params {'colsample_bytree': 0.6674841060575534, 'learning_rate': 0.009540624359515137, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 110, 'subsample': 0.8756421960745123}
Epoch : 1170: f1_weighted Score 0.811 params {'colsample_bytree': 0.7358526567873716, 'learning_rate': 0.009223440785048716, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 90, 'subsample': 0.9362858662860274}
Epoch : 1171: f1_weighted Score 0.814 params {'colsample_bytree': 0.7556106231001914, 'learning_rate': 0.008683397953977144, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 92, 'subsample': 0.9454310971470445}
Epoch : 1172: f1_weighted Score 0.812 params {'colsample_bytree': 0.697775279341063, 'learning_rate': 0.006506961499106438, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 82, 'subsample': 0.990734027570474}
Epoch : 1173: f1_weighted Score 0.795 params {'colsample_bytree': 0.7597106785097332, 'learning_rate': 0.01251367089169676, 'max_depth': 13, 'min_child_samples': 22, 'n_estimators': 875, 'num_leaves': 34, 'subsample': 0.9408119333236084}
Epoch : 1174: f1_weighted Score 0.795 params {'colsample_bytree': 0.8280550618337662, 'learning_rate': 0.03022618204443051, 'max_depth': 19, 'min_child_samples': 30, 'n_estimators': 625, 'num_leaves': 10, 'subsample': 0.9059086983014045}
Epoch : 1175: f1_weighted Score 0.803 params {'colsample_bytree': 0.6434351631744645, 'learning_rate': 0.0091145544925182, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 114, 'subsample': 0.9995868095610353}
Epoch : 1176: f1_weighted Score 0.812 params {'colsample_bytree': 0.7783603357913481, 'learning_rate': 0.014847181367558514, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 108, 'subsample': 0.928336596579156}
Epoch : 1177: f1_weighted Score 0.812 params {'colsample_bytree': 0.6840528536321019, 'learning_rate': 0.00784318932810372, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 300, 'num_leaves': 86, 'subsample': 0.9865183841970397}
Epoch : 1178: f1_weighted Score 0.809 params {'colsample_bytree': 0.714799289794052, 'learning_rate': 0.005813594331085274, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 525, 'num_leaves': 44, 'subsample': 0.9890247169437718}
Epoch : 1179: f1_weighted Score 0.805 params {'colsample_bytree': 0.7233535224425373, 'learning_rate': 0.012747547037244452, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 84, 'subsample': 0.9520816278881995}
Epoch : 1180: f1_weighted Score 0.812 params {'colsample_bytree': 0.6586123483166418, 'learning_rate': 0.010971976103617108, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 118, 'subsample': 0.9498414236188487}
Epoch : 1181: f1_weighted Score 0.814 params {'colsample_bytree': 0.7613320748163477, 'learning_rate': 0.012202746836815298, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 28, 'subsample': 0.9486568086240712}
Epoch : 1182: f1_weighted Score 0.792 params {'colsample_bytree': 0.596652576663201, 'learning_rate': 0.006161356600651988, 'max_depth': 15, 'min_child_samples': 8, 'n_estimators': 475, 'num_leaves': 114, 'subsample': 0.9887743440019882}
Epoch : 1183: f1_weighted Score 0.812 params {'colsample_bytree': 0.7274755115944548, 'learning_rate': 0.0052299442588042725, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 120, 'subsample': 0.8214791351793895}
Epoch : 1184: f1_weighted Score 0.812 params {'colsample_bytree': 0.7450127717403119, 'learning_rate': 0.01335897603056368, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 102, 'subsample': 0.9155998111568204}
Epoch : 1185: f1_weighted Score 0.814 params {'colsample_bytree': 0.5839720159257298, 'learning_rate': 0.013668947954434957, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 32, 'subsample': 0.9250292762230864}
Epoch : 1186: f1_weighted Score 0.808 params {'colsample_bytree': 0.4741049372088728, 'learning_rate': 0.013659673046208956, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 92, 'subsample': 0.9259864630642866}
Epoch : 1187: f1_weighted Score 0.785 params {'colsample_bytree': 0.6146466262543788, 'learning_rate': 0.017978939874004514, 'max_depth': 8, 'min_child_samples': 4, 'n_estimators': 150, 'num_leaves': 124, 'subsample': 0.9368718008059467}
Epoch : 1188: f1_weighted Score 0.812 params {'colsample_bytree': 0.7731398209410882, 'learning_rate': 0.019300232932962545, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 128, 'subsample': 0.9085653500655747}
Epoch : 1189: f1_weighted Score 0.814 params {'colsample_bytree': 0.7307455344625564, 'learning_rate': 0.010146041500695608, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 98, 'subsample': 0.9304141251759542}
Epoch : 1190: f1_weighted Score 0.805 params {'colsample_bytree': 0.6352268731550206, 'learning_rate': 0.010207699380352812, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 112, 'subsample': 0.929157431296731}
Epoch : 1191: f1_weighted Score 0.808 params {'colsample_bytree': 0.6270759318217455, 'learning_rate': 0.006107242801177491, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 525, 'num_leaves': 78, 'subsample': 0.9954058917460669}
Epoch : 1192: f1_weighted Score 0.814 params {'colsample_bytree': 0.7071284507762733, 'learning_rate': 0.006677696849435405, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 118, 'subsample': 0.9606759266863174}
Epoch : 1193: f1_weighted Score 0.811 params {'colsample_bytree': 0.7389414812482564, 'learning_rate': 0.016104818716208714, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 116, 'subsample': 0.901105334624868}
Epoch : 1194: f1_weighted Score 0.799 params {'colsample_bytree': 0.659754232642472, 'learning_rate': 0.022122926680661594, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 12, 'subsample': 0.9997072128887557}
Epoch : 1195: f1_weighted Score 0.812 params {'colsample_bytree': 0.6750696104960243, 'learning_rate': 0.007626541580683669, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 126, 'subsample': 0.964258269474994}
Epoch : 1196: f1_weighted Score 0.803 params {'colsample_bytree': 0.7172691343530788, 'learning_rate': 0.011650171998352372, 'max_depth': 17, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 128, 'subsample': 0.9556238506455151}
Epoch : 1197: f1_weighted Score 0.812 params {'colsample_bytree': 0.7892925215384354, 'learning_rate': 0.015633310897351812, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 114, 'subsample': 0.8864588915028383}
Epoch : 1198: f1_weighted Score 0.814 params {'colsample_bytree': 0.7725741566946082, 'learning_rate': 0.014158766729789024, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 122, 'subsample': 0.9132022557487282}
Epoch : 1199: f1_weighted Score 0.812 params {'colsample_bytree': 0.9381908569103294, 'learning_rate': 0.010894598965084667, 'max_depth': 16, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 104, 'subsample': 0.8973461626015078}
Epoch : 1200: f1_weighted Score 0.812 params {'colsample_bytree': 0.7954832111241502, 'learning_rate': 0.014402801662259511, 'max_depth': 4, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 120, 'subsample': 0.8904324231527186}
Epoch : 1201: f1_weighted Score 0.805 params {'colsample_bytree': 0.8095018461974882, 'learning_rate': 0.04844203701640911, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 108, 'subsample': 0.880725351713155}
Epoch : 1202: f1_weighted Score 0.791 params {'colsample_bytree': 0.8654246659559045, 'learning_rate': 0.05586854600774526, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 275, 'num_leaves': 102, 'subsample': 0.8469180344522516}
Epoch : 1203: f1_weighted Score 0.805 params {'colsample_bytree': 0.750167778805156, 'learning_rate': 0.008298967062413537, 'max_depth': 16, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 100, 'subsample': 0.8378083583190229}
Epoch : 1204: f1_weighted Score 0.812 params {'colsample_bytree': 0.7334459906582291, 'learning_rate': 0.017661940190713068, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 116, 'subsample': 0.9426594750261091}
Epoch : 1205: f1_weighted Score 0.812 params {'colsample_bytree': 0.6835910622486029, 'learning_rate': 0.005009479989240063, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 88, 'subsample': 0.9816287082351809}
Epoch : 1206: f1_weighted Score 0.812 params {'colsample_bytree': 0.6046225964403084, 'learning_rate': 0.00727404739274732, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 116, 'subsample': 0.9722962950678551}
Epoch : 1207: f1_weighted Score 0.795 params {'colsample_bytree': 0.7597934517377494, 'learning_rate': 0.017754019542406303, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 975, 'num_leaves': 82, 'subsample': 0.9358732752513956}
Epoch : 1208: f1_weighted Score 0.812 params {'colsample_bytree': 0.6725261942336767, 'learning_rate': 0.019848026833093838, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 16, 'subsample': 0.9537037444335811}
Epoch : 1209: f1_weighted Score 0.812 params {'colsample_bytree': 0.908587945778061, 'learning_rate': 0.02318674577459299, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 126, 'subsample': 0.9589959045304951}
Epoch : 1210: f1_weighted Score 0.801 params {'colsample_bytree': 0.3192573023572793, 'learning_rate': 0.005698091105220915, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 110, 'subsample': 0.9931673725728632}
Epoch : 1211: f1_weighted Score 0.812 params {'colsample_bytree': 0.7836039180102271, 'learning_rate': 0.009065276585269755, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 250, 'num_leaves': 124, 'subsample': 0.9309708790219945}
Epoch : 1212: f1_weighted Score 0.812 params {'colsample_bytree': 0.8000964380128974, 'learning_rate': 0.00951079108603194, 'max_depth': 15, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 98, 'subsample': 0.9573372172226793}
Epoch : 1213: f1_weighted Score 0.812 params {'colsample_bytree': 0.72205590097717, 'learning_rate': 0.013249607581405594, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 102, 'subsample': 0.9402302476058144}
Epoch : 1214: f1_weighted Score 0.809 params {'colsample_bytree': 0.6591369324819418, 'learning_rate': 0.010641989039347854, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 300, 'num_leaves': 124, 'subsample': 0.9617910005108391}
Epoch : 1215: f1_weighted Score 0.810 params {'colsample_bytree': 0.3794219130226589, 'learning_rate': 0.011752188323206188, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 225, 'num_leaves': 36, 'subsample': 0.9382437730603695}
Epoch : 1216: f1_weighted Score 0.814 params {'colsample_bytree': 0.7055237211954198, 'learning_rate': 0.013050321687925406, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 32, 'subsample': 0.9445215086524876}
Epoch : 1217: f1_weighted Score 0.811 params {'colsample_bytree': 0.6610821755309426, 'learning_rate': 0.00702585431794657, 'max_depth': 10, 'min_child_samples': 26, 'n_estimators': 375, 'num_leaves': 122, 'subsample': 0.9515634184908657}
Epoch : 1218: f1_weighted Score 0.812 params {'colsample_bytree': 0.7034599578210934, 'learning_rate': 0.014871790871035245, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 96, 'subsample': 0.8176596254068691}
Epoch : 1219: f1_weighted Score 0.812 params {'colsample_bytree': 0.6961614282709346, 'learning_rate': 0.008839458362780496, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 96, 'subsample': 0.910657725341989}
Epoch : 1220: f1_weighted Score 0.814 params {'colsample_bytree': 0.6496869052307469, 'learning_rate': 0.012688438006416523, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 120, 'subsample': 0.9687534026848504}
Epoch : 1221: f1_weighted Score 0.812 params {'colsample_bytree': 0.6161982771431704, 'learning_rate': 0.008931893900399725, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 128, 'subsample': 0.9709616367374494}
Epoch : 1222: f1_weighted Score 0.798 params {'colsample_bytree': 0.5679078438315066, 'learning_rate': 0.008399708854139157, 'max_depth': 15, 'min_child_samples': 14, 'n_estimators': 350, 'num_leaves': 98, 'subsample': 0.8919763466606379}
Epoch : 1223: f1_weighted Score 0.814 params {'colsample_bytree': 0.6962795191682344, 'learning_rate': 0.010199083068750104, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 106, 'subsample': 0.9482269543819709}
Epoch : 1224: f1_weighted Score 0.812 params {'colsample_bytree': 0.6736127340317952, 'learning_rate': 0.006536920793357994, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 475, 'num_leaves': 112, 'subsample': 0.9002093327660026}
Epoch : 1225: f1_weighted Score 0.809 params {'colsample_bytree': 0.710734253622076, 'learning_rate': 0.00975338509254373, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 114, 'subsample': 0.966110541349158}
Epoch : 1226: f1_weighted Score 0.814 params {'colsample_bytree': 0.676006966369738, 'learning_rate': 0.009434797218937686, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 76, 'subsample': 0.9771421587543005}
Epoch : 1227: f1_weighted Score 0.809 params {'colsample_bytree': 0.6801169172745422, 'learning_rate': 0.009905737066146775, 'max_depth': 13, 'min_child_samples': 24, 'n_estimators': 325, 'num_leaves': 102, 'subsample': 0.9776802752513486}
Epoch : 1228: f1_weighted Score 0.814 params {'colsample_bytree': 0.7223478868505271, 'learning_rate': 0.011095060952864813, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 22, 'subsample': 0.9559994044851414}
Epoch : 1229: f1_weighted Score 0.798 params {'colsample_bytree': 0.7600238244501493, 'learning_rate': 0.010474032931163328, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 575, 'num_leaves': 22, 'subsample': 0.931660604266831}
Epoch : 1230: f1_weighted Score 0.796 params {'colsample_bytree': 0.7746085362221746, 'learning_rate': 0.013740776897309402, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 800, 'num_leaves': 120, 'subsample': 0.9254158279600027}
Epoch : 1231: f1_weighted Score 0.808 params {'colsample_bytree': 0.6901510062418137, 'learning_rate': 0.011770332675105851, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 110, 'subsample': 0.9648393802937162}
Epoch : 1232: f1_weighted Score 0.811 params {'colsample_bytree': 0.7456401670593115, 'learning_rate': 0.007479006409044734, 'max_depth': 18, 'min_child_samples': 26, 'n_estimators': 375, 'num_leaves': 118, 'subsample': 0.8490925319818282}
Epoch : 1233: f1_weighted Score 0.812 params {'colsample_bytree': 0.8548828541854798, 'learning_rate': 0.020626275256116565, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 75, 'num_leaves': 28, 'subsample': 0.8551709091788227}
Epoch : 1234: f1_weighted Score 0.811 params {'colsample_bytree': 0.6600505095673637, 'learning_rate': 0.010590226637165719, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 126, 'subsample': 0.9663043167638213}
Epoch : 1235: f1_weighted Score 0.799 params {'colsample_bytree': 0.6516889713487035, 'learning_rate': 0.011033613703864553, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 925, 'num_leaves': 122, 'subsample': 0.8064130284089536}
Epoch : 1236: f1_weighted Score 0.788 params {'colsample_bytree': 0.8049129403450687, 'learning_rate': 0.11194181190423842, 'max_depth': 18, 'min_child_samples': 24, 'n_estimators': 75, 'num_leaves': 118, 'subsample': 0.8821576525232852}
Epoch : 1237: f1_weighted Score 0.812 params {'colsample_bytree': 0.7048102262670219, 'learning_rate': 0.0070863424946735485, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 475, 'num_leaves': 94, 'subsample': 0.9565133266209995}
Epoch : 1238: f1_weighted Score 0.812 params {'colsample_bytree': 0.6169600753830343, 'learning_rate': 0.018797281821517898, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 110, 'subsample': 0.9492750314620895}
Epoch : 1239: f1_weighted Score 0.812 params {'colsample_bytree': 0.9833052567310849, 'learning_rate': 0.008334711674180347, 'max_depth': 8, 'min_child_samples': 22, 'n_estimators': 225, 'num_leaves': 92, 'subsample': 0.944661335330539}
Epoch : 1240: f1_weighted Score 0.812 params {'colsample_bytree': 0.643180896802423, 'learning_rate': 0.03925912966904624, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 50, 'num_leaves': 72, 'subsample': 0.9570010057391363}
Epoch : 1241: f1_weighted Score 0.808 params {'colsample_bytree': 0.5284603664825647, 'learning_rate': 0.0121555868784893, 'max_depth': 8, 'min_child_samples': 18, 'n_estimators': 125, 'num_leaves': 48, 'subsample': 0.9425486061630447}
Epoch : 1242: f1_weighted Score 0.808 params {'colsample_bytree': 0.8250248166420486, 'learning_rate': 0.00534403152528182, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 600, 'num_leaves': 46, 'subsample': 0.9050577744315481}
Epoch : 1243: f1_weighted Score 0.808 params {'colsample_bytree': 0.587934427713295, 'learning_rate': 0.007692225131861741, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 128, 'subsample': 0.9232039694416597}
Epoch : 1244: f1_weighted Score 0.811 params {'colsample_bytree': 0.7505281500745534, 'learning_rate': 0.012217111533827495, 'max_depth': 8, 'min_child_samples': 22, 'n_estimators': 225, 'num_leaves': 128, 'subsample': 0.9431579849329702}
Epoch : 1245: f1_weighted Score 0.814 params {'colsample_bytree': 0.7353176209542043, 'learning_rate': 0.012519255163197494, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 175, 'num_leaves': 118, 'subsample': 0.9517761140193903}
Epoch : 1246: f1_weighted Score 0.811 params {'colsample_bytree': 0.7196273562393669, 'learning_rate': 0.012081156647798297, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 120, 'subsample': 0.9502577836222329}
Epoch : 1247: f1_weighted Score 0.812 params {'colsample_bytree': 0.7292929952903872, 'learning_rate': 0.020330375844291513, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 118, 'subsample': 0.9581206676250476}
Epoch : 1248: f1_weighted Score 0.812 params {'colsample_bytree': 0.7416589629677521, 'learning_rate': 0.016207571897063896, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 14, 'subsample': 0.960780946038493}
Epoch : 1249: f1_weighted Score 0.806 params {'colsample_bytree': 0.822415657807729, 'learning_rate': 0.039537086544208344, 'max_depth': 6, 'min_child_samples': 12, 'n_estimators': 50, 'num_leaves': 76, 'subsample': 0.9025481088993186}
Epoch : 1250: f1_weighted Score 0.811 params {'colsample_bytree': 0.7571560216656253, 'learning_rate': 0.015073674355504461, 'max_depth': 8, 'min_child_samples': 20, 'n_estimators': 175, 'num_leaves': 34, 'subsample': 0.935608751968455}
Epoch : 1251: f1_weighted Score 0.814 params {'colsample_bytree': 0.6846556084580934, 'learning_rate': 0.009447003017852142, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 108, 'subsample': 0.9160564353477587}
Epoch : 1252: f1_weighted Score 0.812 params {'colsample_bytree': 0.6362889418664694, 'learning_rate': 0.006862398857471223, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 114, 'subsample': 0.9169990840057968}
Epoch : 1253: f1_weighted Score 0.812 params {'colsample_bytree': 0.5530947155446719, 'learning_rate': 0.016755396847164043, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 110, 'subsample': 0.9340050761638121}
Epoch : 1254: f1_weighted Score 0.812 params {'colsample_bytree': 0.6950052357684509, 'learning_rate': 0.009779231572321623, 'max_depth': 12, 'min_child_samples': 24, 'n_estimators': 250, 'num_leaves': 24, 'subsample': 0.9475846809569374}
Epoch : 1255: f1_weighted Score 0.809 params {'colsample_bytree': 0.7149506029084528, 'learning_rate': 0.014414540786443076, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 126, 'subsample': 0.9518648520207798}
Epoch : 1256: f1_weighted Score 0.812 params {'colsample_bytree': 0.6875380659597319, 'learning_rate': 0.013389371956712593, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 124, 'subsample': 0.962240273338368}
Epoch : 1257: f1_weighted Score 0.799 params {'colsample_bytree': 0.844177869774709, 'learning_rate': 0.052415243735904775, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 66, 'subsample': 0.8585674353667602}
Epoch : 1258: f1_weighted Score 0.812 params {'colsample_bytree': 0.7791942241472154, 'learning_rate': 0.014520690706371487, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 116, 'subsample': 0.9096730030057865}
Epoch : 1259: f1_weighted Score 0.814 params {'colsample_bytree': 0.7028258918979952, 'learning_rate': 0.01323901696818955, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 106, 'subsample': 0.9168942323874875}
Epoch : 1260: f1_weighted Score 0.798 params {'colsample_bytree': 0.7640699726734702, 'learning_rate': 0.008726421636638849, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 750, 'num_leaves': 100, 'subsample': 0.9223085325031907}
Epoch : 1261: f1_weighted Score 0.811 params {'colsample_bytree': 0.5953178241101065, 'learning_rate': 0.006223462199066073, 'max_depth': 18, 'min_child_samples': 26, 'n_estimators': 400, 'num_leaves': 112, 'subsample': 0.9830082033911076}
Epoch : 1262: f1_weighted Score 0.811 params {'colsample_bytree': 0.4865853441771261, 'learning_rate': 0.011472908875822032, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 16, 'subsample': 0.9777109622076612}
Epoch : 1263: f1_weighted Score 0.808 params {'colsample_bytree': 0.6958584908043371, 'learning_rate': 0.007561348086453822, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 104, 'subsample': 0.9843235718453898}
Epoch : 1264: f1_weighted Score 0.775 params {'colsample_bytree': 0.6470400207021647, 'learning_rate': 0.1400989190975227, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 106, 'subsample': 0.8365597244365884}
Epoch : 1265: f1_weighted Score 0.814 params {'colsample_bytree': 0.7987450232146348, 'learning_rate': 0.05006048562055656, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 50, 'num_leaves': 74, 'subsample': 0.905771569043821}
Epoch : 1266: f1_weighted Score 0.812 params {'colsample_bytree': 0.759333530941802, 'learning_rate': 0.018008976544021435, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 114, 'subsample': 0.8925773998767884}
Epoch : 1267: f1_weighted Score 0.812 params {'colsample_bytree': 0.5715729155118062, 'learning_rate': 0.008624921215505866, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 425, 'num_leaves': 32, 'subsample': 0.9220429759532092}
Epoch : 1268: f1_weighted Score 0.814 params {'colsample_bytree': 0.6693658452007881, 'learning_rate': 0.008174491477870294, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 124, 'subsample': 0.9688596900938244}
Epoch : 1269: f1_weighted Score 0.814 params {'colsample_bytree': 0.6035873257899566, 'learning_rate': 0.0065308550496068155, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 124, 'subsample': 0.972605317301347}
Epoch : 1270: f1_weighted Score 0.811 params {'colsample_bytree': 0.6020708603084706, 'learning_rate': 0.0077436074868350345, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 62, 'subsample': 0.9726749573255756}
Epoch : 1271: f1_weighted Score 0.812 params {'colsample_bytree': 0.535092705124199, 'learning_rate': 0.010864975340073125, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 26, 'subsample': 0.9683924853861476}
Epoch : 1272: f1_weighted Score 0.814 params {'colsample_bytree': 0.6841261771904238, 'learning_rate': 0.01596090211572984, 'max_depth': 8, 'min_child_samples': 26, 'n_estimators': 150, 'num_leaves': 122, 'subsample': 0.9642060605819094}
Epoch : 1273: f1_weighted Score 0.812 params {'colsample_bytree': 0.6231788258240489, 'learning_rate': 0.0062116623921827955, 'max_depth': 20, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 124, 'subsample': 0.9795959321809814}
Epoch : 1274: f1_weighted Score 0.803 params {'colsample_bytree': 0.7354811017042155, 'learning_rate': 0.06961753670125483, 'max_depth': 6, 'min_child_samples': 16, 'n_estimators': 50, 'num_leaves': 52, 'subsample': 0.9545014451671591}
Epoch : 1275: f1_weighted Score 0.814 params {'colsample_bytree': 0.622467556125661, 'learning_rate': 0.01034273990958318, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 104, 'subsample': 0.900726732877596}
Epoch : 1276: f1_weighted Score 0.790 params {'colsample_bytree': 0.6765882684392763, 'learning_rate': 0.008657197091076891, 'max_depth': 16, 'min_child_samples': 8, 'n_estimators': 325, 'num_leaves': 128, 'subsample': 0.9591242828530092}
Epoch : 1277: f1_weighted Score 0.812 params {'colsample_bytree': 0.8144854896231165, 'learning_rate': 0.04328557843127415, 'max_depth': 5, 'min_child_samples': 22, 'n_estimators': 50, 'num_leaves': 42, 'subsample': 0.9335551649614703}
Epoch : 1278: f1_weighted Score 0.812 params {'colsample_bytree': 0.739534157943949, 'learning_rate': 0.015045178535886234, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 52, 'subsample': 0.91939968219394}
Epoch : 1279: f1_weighted Score 0.806 params {'colsample_bytree': 0.7736790530763707, 'learning_rate': 0.01707784355182769, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 175, 'num_leaves': 88, 'subsample': 0.9428122268343573}
Epoch : 1280: f1_weighted Score 0.811 params {'colsample_bytree': 0.5848477794311849, 'learning_rate': 0.02213250975476321, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 94, 'subsample': 0.8149602256724454}
Epoch : 1281: f1_weighted Score 0.812 params {'colsample_bytree': 0.5180669160609899, 'learning_rate': 0.01652414823488469, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 38, 'subsample': 0.9348034516226548}
Epoch : 1282: f1_weighted Score 0.810 params {'colsample_bytree': 0.7211879747106877, 'learning_rate': 0.01292325862757461, 'max_depth': 8, 'min_child_samples': 22, 'n_estimators': 175, 'num_leaves': 30, 'subsample': 0.9455956574630496}
Epoch : 1283: f1_weighted Score 0.806 params {'colsample_bytree': 0.6345119632108038, 'learning_rate': 0.005875790368789259, 'max_depth': 15, 'min_child_samples': 26, 'n_estimators': 525, 'num_leaves': 108, 'subsample': 0.9871400799312545}
Epoch : 1284: f1_weighted Score 0.795 params {'colsample_bytree': 0.7745026742812365, 'learning_rate': 0.011637631206143225, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 650, 'num_leaves': 30, 'subsample': 0.9280018564039886}
Epoch : 1285: f1_weighted Score 0.812 params {'colsample_bytree': 0.7958783292943733, 'learning_rate': 0.005661751067140043, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 550, 'num_leaves': 108, 'subsample': 0.9172111964715063}
Epoch : 1286: f1_weighted Score 0.811 params {'colsample_bytree': 0.4255246276379555, 'learning_rate': 0.00734496871345176, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 28, 'subsample': 0.9225571021346687}
Epoch : 1287: f1_weighted Score 0.808 params {'colsample_bytree': 0.5114503165686322, 'learning_rate': 0.01141779514615511, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 86, 'subsample': 0.9122390446759298}
Epoch : 1288: f1_weighted Score 0.812 params {'colsample_bytree': 0.553951469135836, 'learning_rate': 0.0090519484254854, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 18, 'subsample': 0.9754551530621475}
Epoch : 1289: f1_weighted Score 0.812 params {'colsample_bytree': 0.7582119706572307, 'learning_rate': 0.013574189544858012, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 128, 'subsample': 0.9654243892659394}
Epoch : 1290: f1_weighted Score 0.814 params {'colsample_bytree': 0.8985197387874373, 'learning_rate': 0.025930215875496328, 'max_depth': 20, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 116, 'subsample': 0.9075602242271202}
Epoch : 1291: f1_weighted Score 0.781 params {'colsample_bytree': 0.714592772798422, 'learning_rate': 0.015579651645973008, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 1250, 'num_leaves': 120, 'subsample': 0.9523487237908136}
Epoch : 1292: f1_weighted Score 0.814 params {'colsample_bytree': 0.5663110859511282, 'learning_rate': 0.01269177889208838, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 38, 'subsample': 0.9388618642738957}
Epoch : 1293: f1_weighted Score 0.812 params {'colsample_bytree': 0.7336813668673815, 'learning_rate': 0.01169855434125422, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 24, 'subsample': 0.9287223396440072}
Epoch : 1294: f1_weighted Score 0.779 params {'colsample_bytree': 0.784970482724524, 'learning_rate': 0.08328741665692974, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 675, 'num_leaves': 50, 'subsample': 0.9412096180674241}
Epoch : 1295: f1_weighted Score 0.806 params {'colsample_bytree': 0.5375949760605034, 'learning_rate': 0.01866862200572238, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 126, 'subsample': 0.947979519661116}
Epoch : 1296: f1_weighted Score 0.812 params {'colsample_bytree': 0.6169233740776583, 'learning_rate': 0.010124131790949726, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 118, 'subsample': 0.9627589095156533}
Epoch : 1297: f1_weighted Score 0.764 params {'colsample_bytree': 0.7796370783280201, 'learning_rate': 0.16250600643758323, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 450, 'num_leaves': 100, 'subsample': 0.8557866224264313}
Epoch : 1298: f1_weighted Score 0.812 params {'colsample_bytree': 0.6957191563140166, 'learning_rate': 0.007241501681908296, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 80, 'subsample': 0.9939679100273431}
Epoch : 1299: f1_weighted Score 0.812 params {'colsample_bytree': 0.7996311721984776, 'learning_rate': 0.010077769859900422, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 100, 'subsample': 0.8965226382648865}
Epoch : 1300: f1_weighted Score 0.803 params {'colsample_bytree': 0.7180730906468825, 'learning_rate': 0.011026862376293991, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 88, 'subsample': 0.9818151862267386}
Epoch : 1301: f1_weighted Score 0.812 params {'colsample_bytree': 0.6448778395558226, 'learning_rate': 0.00506861620252163, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 100, 'subsample': 0.9118765728786458}
Epoch : 1302: f1_weighted Score 0.812 params {'colsample_bytree': 0.6986818955455101, 'learning_rate': 0.010583689957071367, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 20, 'subsample': 0.9689526066025133}
Epoch : 1303: f1_weighted Score 0.803 params {'colsample_bytree': 0.7548988749918933, 'learning_rate': 0.009585638272166927, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 425, 'num_leaves': 82, 'subsample': 0.988805543003726}
Epoch : 1304: f1_weighted Score 0.808 params {'colsample_bytree': 0.7053727994995895, 'learning_rate': 0.023507756470917344, 'max_depth': 8, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 120, 'subsample': 0.9405164656038907}
Epoch : 1305: f1_weighted Score 0.814 params {'colsample_bytree': 0.7641663848055295, 'learning_rate': 0.01292797040891941, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 34, 'subsample': 0.9340164134794849}
Epoch : 1306: f1_weighted Score 0.814 params {'colsample_bytree': 0.7306499164630996, 'learning_rate': 0.008766093654705773, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 28, 'subsample': 0.9468500133659951}
Epoch : 1307: f1_weighted Score 0.812 params {'colsample_bytree': 0.7250040409951932, 'learning_rate': 0.008290069533190478, 'max_depth': 8, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 26, 'subsample': 0.9472983614415044}
Epoch : 1308: f1_weighted Score 0.812 params {'colsample_bytree': 0.7207796496483311, 'learning_rate': 0.009811855194434092, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 24, 'subsample': 0.9547990010265515}
Epoch : 1309: f1_weighted Score 0.812 params {'colsample_bytree': 0.7480812912974141, 'learning_rate': 0.009107333064750988, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 84, 'subsample': 0.9917301411918162}
Epoch : 1310: f1_weighted Score 0.812 params {'colsample_bytree': 0.7469858334752632, 'learning_rate': 0.00807446305951811, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 80, 'subsample': 0.9813012639332765}
Epoch : 1311: f1_weighted Score 0.812 params {'colsample_bytree': 0.7476939011377767, 'learning_rate': 0.006166901687375042, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 82, 'subsample': 0.9935787940232736}
Epoch : 1312: f1_weighted Score 0.809 params {'colsample_bytree': 0.8417589869621671, 'learning_rate': 0.042791531760032794, 'max_depth': 12, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 72, 'subsample': 0.9108400666749452}
Epoch : 1313: f1_weighted Score 0.811 params {'colsample_bytree': 0.8240738162747059, 'learning_rate': 0.03816366347078574, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 68, 'subsample': 0.957429448891466}
Epoch : 1314: f1_weighted Score 0.809 params {'colsample_bytree': 0.6591452628564678, 'learning_rate': 0.007147161137918837, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 114, 'subsample': 0.9315706923305724}
Epoch : 1315: f1_weighted Score 0.791 params {'colsample_bytree': 0.7359209777513517, 'learning_rate': 0.014639573907356146, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 128, 'subsample': 0.9521103355961285}
Epoch : 1316: f1_weighted Score 0.809 params {'colsample_bytree': 0.6332095975639128, 'learning_rate': 0.006402046240866649, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 74, 'subsample': 0.9970968383694496}
Epoch : 1317: f1_weighted Score 0.812 params {'colsample_bytree': 0.7988141007568732, 'learning_rate': 0.010764413396359633, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 70, 'subsample': 0.9032863883421858}
Epoch : 1318: f1_weighted Score 0.814 params {'colsample_bytree': 0.6836295205295869, 'learning_rate': 0.015699876505671936, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 116, 'subsample': 0.9612440598891007}
Epoch : 1319: f1_weighted Score 0.814 params {'colsample_bytree': 0.6575581028128692, 'learning_rate': 0.021237562014597946, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 62, 'subsample': 0.9595202487609795}
Epoch : 1320: f1_weighted Score 0.812 params {'colsample_bytree': 0.5817530438893173, 'learning_rate': 0.007855749275415427, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 98, 'subsample': 0.902276919601316}
Epoch : 1321: f1_weighted Score 0.799 params {'colsample_bytree': 0.6063979828183328, 'learning_rate': 0.010827235796055042, 'max_depth': 15, 'min_child_samples': 18, 'n_estimators': 300, 'num_leaves': 104, 'subsample': 0.9482024647638992}
Epoch : 1322: f1_weighted Score 0.798 params {'colsample_bytree': 0.6030082701829693, 'learning_rate': 0.05858628181806918, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 122, 'subsample': 0.9695984058592212}
Epoch : 1323: f1_weighted Score 0.812 params {'colsample_bytree': 0.9559135293697398, 'learning_rate': 0.025488869756686443, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 106, 'subsample': 0.9082278321610128}
Epoch : 1324: f1_weighted Score 0.809 params {'colsample_bytree': 0.6316191642575222, 'learning_rate': 0.008281729739595695, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 112, 'subsample': 0.8774518474832352}
Epoch : 1325: f1_weighted Score 0.802 params {'colsample_bytree': 0.6694586533160223, 'learning_rate': 0.01915219690720042, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 122, 'subsample': 0.9444698707089689}
Epoch : 1326: f1_weighted Score 0.811 params {'colsample_bytree': 0.62141223432651, 'learning_rate': 0.00764641378675987, 'max_depth': 19, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 54, 'subsample': 0.8325486002623231}
Epoch : 1327: f1_weighted Score 0.812 params {'colsample_bytree': 0.8415764625213891, 'learning_rate': 0.011760408335938272, 'max_depth': 11, 'min_child_samples': 20, 'n_estimators': 100, 'num_leaves': 32, 'subsample': 0.871469171940884}
Epoch : 1328: f1_weighted Score 0.812 params {'colsample_bytree': 0.6572614468594531, 'learning_rate': 0.010885446463371072, 'max_depth': 10, 'min_child_samples': 24, 'n_estimators': 200, 'num_leaves': 118, 'subsample': 0.9788280703617056}
Epoch : 1329: f1_weighted Score 0.801 params {'colsample_bytree': 0.6949625480474282, 'learning_rate': 0.03268244443533676, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 80, 'subsample': 0.9176860327532465}
Epoch : 1330: f1_weighted Score 0.802 params {'colsample_bytree': 0.8607643682213695, 'learning_rate': 0.046248539902783416, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 75, 'num_leaves': 74, 'subsample': 0.8894572842742067}
Epoch : 1331: f1_weighted Score 0.812 params {'colsample_bytree': 0.5936611596340665, 'learning_rate': 0.011729146144648608, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 116, 'subsample': 0.9003748349394091}
Epoch : 1332: f1_weighted Score 0.805 params {'colsample_bytree': 0.8024046135381756, 'learning_rate': 0.04258215831272958, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 66, 'subsample': 0.9706060185941423}
Epoch : 1333: f1_weighted Score 0.812 params {'colsample_bytree': 0.6675745305592025, 'learning_rate': 0.008052343054861386, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 114, 'subsample': 0.9784776829580026}
Epoch : 1334: f1_weighted Score 0.812 params {'colsample_bytree': 0.8131194582502957, 'learning_rate': 0.014124294114379356, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 120, 'subsample': 0.9290069747798375}
Epoch : 1335: f1_weighted Score 0.812 params {'colsample_bytree': 0.6434197748706887, 'learning_rate': 0.01025093737556117, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 18, 'subsample': 0.9743961141467664}
Epoch : 1336: f1_weighted Score 0.814 params {'colsample_bytree': 0.6755726763979285, 'learning_rate': 0.012810849095060965, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 12, 'subsample': 0.9664560702622382}
Epoch : 1337: f1_weighted Score 0.812 params {'colsample_bytree': 0.6036498450583728, 'learning_rate': 0.013693854302435488, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 10, 'subsample': 0.9381011099107388}
Epoch : 1338: f1_weighted Score 0.812 params {'colsample_bytree': 0.6453393780300487, 'learning_rate': 0.012343917533433902, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 12, 'subsample': 0.9662107571082287}
Epoch : 1339: f1_weighted Score 0.812 params {'colsample_bytree': 0.7123766728474458, 'learning_rate': 0.013643304840190728, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 106, 'subsample': 0.9129955444442517}
Epoch : 1340: f1_weighted Score 0.812 params {'colsample_bytree': 0.6616487020798052, 'learning_rate': 0.006840691932487135, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 126, 'subsample': 0.9249501153523099}
Epoch : 1341: f1_weighted Score 0.805 params {'colsample_bytree': 0.6544576198191202, 'learning_rate': 0.02158662505909246, 'max_depth': 19, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 110, 'subsample': 0.9065982823340832}
Epoch : 1342: f1_weighted Score 0.812 params {'colsample_bytree': 0.8841530052600808, 'learning_rate': 0.03663500183105143, 'max_depth': 3, 'min_child_samples': 24, 'n_estimators': 75, 'num_leaves': 102, 'subsample': 0.868674059577629}
Epoch : 1343: f1_weighted Score 0.812 params {'colsample_bytree': 0.549736810459843, 'learning_rate': 0.02127953193891943, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 114, 'subsample': 0.9200036549746896}
Epoch : 1344: f1_weighted Score 0.811 params {'colsample_bytree': 0.6464505697848081, 'learning_rate': 0.014409332719512847, 'max_depth': 10, 'min_child_samples': 22, 'n_estimators': 175, 'num_leaves': 122, 'subsample': 0.9554661436145537}
Epoch : 1345: f1_weighted Score 0.812 params {'colsample_bytree': 0.7327791474075057, 'learning_rate': 0.009185612094176752, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 110, 'subsample': 0.9736408313490486}
Epoch : 1346: f1_weighted Score 0.812 params {'colsample_bytree': 0.8595578736314848, 'learning_rate': 0.029587324302216667, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 100, 'num_leaves': 34, 'subsample': 0.8252869228641253}
Epoch : 1347: f1_weighted Score 0.814 params {'colsample_bytree': 0.7583320881980153, 'learning_rate': 0.015936436049462474, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 40, 'subsample': 0.9382412676220954}
Epoch : 1348: f1_weighted Score 0.812 params {'colsample_bytree': 0.6121882110937431, 'learning_rate': 0.01931184283363477, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 124, 'subsample': 0.9533525440049531}
Epoch : 1349: f1_weighted Score 0.810 params {'colsample_bytree': 0.4617051042043182, 'learning_rate': 0.024642851837239833, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 40, 'subsample': 0.938205988497279}
Epoch : 1350: f1_weighted Score 0.814 params {'colsample_bytree': 0.703467711960892, 'learning_rate': 0.012410654393360303, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 78, 'subsample': 0.9058924533026615}
Epoch : 1351: f1_weighted Score 0.812 params {'colsample_bytree': 0.6883735836512161, 'learning_rate': 0.015583592882178053, 'max_depth': 20, 'min_child_samples': 24, 'n_estimators': 150, 'num_leaves': 122, 'subsample': 0.8885414970525043}
Epoch : 1352: f1_weighted Score 0.812 params {'colsample_bytree': 0.6711876850950564, 'learning_rate': 0.009607269853400815, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 126, 'subsample': 0.9641975255200056}
Epoch : 1353: f1_weighted Score 0.812 params {'colsample_bytree': 0.5752034406136457, 'learning_rate': 0.008281567848688894, 'max_depth': 9, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 124, 'subsample': 0.9704212686126715}
Epoch : 1354: f1_weighted Score 0.812 params {'colsample_bytree': 0.6828037840646892, 'learning_rate': 0.0111274835948989, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 126, 'subsample': 0.9626797520458646}
Epoch : 1355: f1_weighted Score 0.789 params {'colsample_bytree': 0.8466969908708162, 'learning_rate': 0.016774797754967513, 'max_depth': 4, 'min_child_samples': 30, 'n_estimators': 1150, 'num_leaves': 32, 'subsample': 0.9242831875313933}
Epoch : 1356: f1_weighted Score 0.812 params {'colsample_bytree': 0.7059220547360154, 'learning_rate': 0.010283289157360527, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 96, 'subsample': 0.9293328597796965}
Epoch : 1357: f1_weighted Score 0.812 params {'colsample_bytree': 0.7027353118174254, 'learning_rate': 0.010016849951581225, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 28, 'subsample': 0.924257753095391}
Epoch : 1358: f1_weighted Score 0.812 params {'colsample_bytree': 0.48146056654709407, 'learning_rate': 0.013926158282360658, 'max_depth': 20, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 118, 'subsample': 0.8973259056127101}
Epoch : 1359: f1_weighted Score 0.811 params {'colsample_bytree': 0.6268986772741624, 'learning_rate': 0.006279209870850095, 'max_depth': 10, 'min_child_samples': 26, 'n_estimators': 400, 'num_leaves': 70, 'subsample': 0.9829401192512046}
Epoch : 1360: f1_weighted Score 0.812 params {'colsample_bytree': 0.6826165339750813, 'learning_rate': 0.006711091965789106, 'max_depth': 16, 'min_child_samples': 26, 'n_estimators': 400, 'num_leaves': 104, 'subsample': 0.8521279235037479}
Epoch : 1361: f1_weighted Score 0.798 params {'colsample_bytree': 0.8371311856867532, 'learning_rate': 0.033397936384198586, 'max_depth': 15, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 108, 'subsample': 0.9025424756020117}
Epoch : 1362: f1_weighted Score 0.814 params {'colsample_bytree': 0.5908753253848782, 'learning_rate': 0.00721857360133632, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 118, 'subsample': 0.9588902099477628}
Epoch : 1363: f1_weighted Score 0.812 params {'colsample_bytree': 0.7076706107693808, 'learning_rate': 0.009292763229559079, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 22, 'subsample': 0.9140537645392195}
Epoch : 1364: f1_weighted Score 0.811 params {'colsample_bytree': 0.6880854796633769, 'learning_rate': 0.007526667885933354, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 112, 'subsample': 0.97212838813332}
Epoch : 1365: f1_weighted Score 0.800 params {'colsample_bytree': 0.7712024694369003, 'learning_rate': 0.01009058289431994, 'max_depth': 14, 'min_child_samples': 10, 'n_estimators': 250, 'num_leaves': 102, 'subsample': 0.9099222211678606}
Epoch : 1366: f1_weighted Score 0.812 params {'colsample_bytree': 0.525650583517022, 'learning_rate': 0.008995022798786438, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 46, 'subsample': 0.915550290804521}
Epoch : 1367: f1_weighted Score 0.812 params {'colsample_bytree': 0.724675805582608, 'learning_rate': 0.011775049277487643, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 110, 'subsample': 0.8966621594643316}
Epoch : 1368: f1_weighted Score 0.811 params {'colsample_bytree': 0.6655414439080205, 'learning_rate': 0.010977540962502492, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 124, 'subsample': 0.8909694092845211}
Epoch : 1369: f1_weighted Score 0.812 params {'colsample_bytree': 0.7139222790829267, 'learning_rate': 0.012432689687768148, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 22, 'subsample': 0.9616293366392631}
Epoch : 1370: f1_weighted Score 0.794 params {'colsample_bytree': 0.7870101455547908, 'learning_rate': 0.1002225813682071, 'max_depth': 10, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 108, 'subsample': 0.8441848834763598}
Epoch : 1371: f1_weighted Score 0.811 params {'colsample_bytree': 0.7694015922555751, 'learning_rate': 0.01740326188515518, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 175, 'num_leaves': 90, 'subsample': 0.933871316048744}
Epoch : 1372: f1_weighted Score 0.812 params {'colsample_bytree': 0.5558223679760247, 'learning_rate': 0.012531595698763017, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 42, 'subsample': 0.941109651068768}
Epoch : 1373: f1_weighted Score 0.785 params {'colsample_bytree': 0.7134645101669012, 'learning_rate': 0.049398731951711704, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 1050, 'num_leaves': 58, 'subsample': 0.915567779537088}
Epoch : 1374: f1_weighted Score 0.812 params {'colsample_bytree': 0.5019452882518576, 'learning_rate': 0.0111681851599238, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 22, 'subsample': 0.9457699948320258}
Epoch : 1375: f1_weighted Score 0.812 params {'colsample_bytree': 0.6324369913690049, 'learning_rate': 0.01545382281162174, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 36, 'subsample': 0.9436756715760051}
Epoch : 1376: f1_weighted Score 0.810 params {'colsample_bytree': 0.44373930007620965, 'learning_rate': 0.011853537589215582, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 26, 'subsample': 0.9333236306508916}
Epoch : 1377: f1_weighted Score 0.811 params {'colsample_bytree': 0.4591810823844915, 'learning_rate': 0.013299586868905405, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 116, 'subsample': 0.9366896014171772}
Epoch : 1378: f1_weighted Score 0.812 params {'colsample_bytree': 0.6448764556937998, 'learning_rate': 0.017406931193322563, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 44, 'subsample': 0.9489937691099601}
Epoch : 1379: f1_weighted Score 0.791 params {'colsample_bytree': 0.581263551138346, 'learning_rate': 0.01747574107041481, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 50, 'num_leaves': 8, 'subsample': 0.938802155381064}
Epoch : 1380: f1_weighted Score 0.806 params {'colsample_bytree': 0.6913065987454738, 'learning_rate': 0.010212575556035759, 'max_depth': 11, 'min_child_samples': 14, 'n_estimators': 200, 'num_leaves': 26, 'subsample': 0.9005970111355914}
Epoch : 1381: f1_weighted Score 0.812 params {'colsample_bytree': 0.5622774936347676, 'learning_rate': 0.008311336858876946, 'max_depth': 20, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 42, 'subsample': 0.9775491240980545}
Epoch : 1382: f1_weighted Score 0.812 params {'colsample_bytree': 0.6863363536965388, 'learning_rate': 0.013415956068776167, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 175, 'num_leaves': 8, 'subsample': 0.9563319082106929}
Epoch : 1383: f1_weighted Score 0.812 params {'colsample_bytree': 0.6832720932421067, 'learning_rate': 0.005767672452119826, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 425, 'num_leaves': 94, 'subsample': 0.9736139516303706}
Epoch : 1384: f1_weighted Score 0.812 params {'colsample_bytree': 0.6529870614734429, 'learning_rate': 0.01589371195372043, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 114, 'subsample': 0.9505947667976202}
Epoch : 1385: f1_weighted Score 0.812 params {'colsample_bytree': 0.7027226125751841, 'learning_rate': 0.015427937260124034, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 76, 'subsample': 0.9062593044871863}
Epoch : 1386: f1_weighted Score 0.814 params {'colsample_bytree': 0.7875749846985125, 'learning_rate': 0.014113617333067381, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 24, 'subsample': 0.9212457824810262}
Epoch : 1387: f1_weighted Score 0.812 params {'colsample_bytree': 0.6105949866157245, 'learning_rate': 0.020170305129749995, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 52, 'subsample': 0.9429780906615965}
Epoch : 1388: f1_weighted Score 0.811 params {'colsample_bytree': 0.6238394565045646, 'learning_rate': 0.008615827246385568, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 10, 'subsample': 0.8857546933744038}
Epoch : 1389: f1_weighted Score 0.812 params {'colsample_bytree': 0.7119018489748691, 'learning_rate': 0.009344910663006536, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 32, 'subsample': 0.9614695326732633}
Epoch : 1390: f1_weighted Score 0.812 params {'colsample_bytree': 0.5085810238223999, 'learning_rate': 0.013007871031790628, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 38, 'subsample': 0.9124100609315188}
Epoch : 1391: f1_weighted Score 0.812 params {'colsample_bytree': 0.5437197597275414, 'learning_rate': 0.01442076567718132, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 34, 'subsample': 0.9210197827603648}
Epoch : 1392: f1_weighted Score 0.812 params {'colsample_bytree': 0.7431642559259937, 'learning_rate': 0.014309856440766327, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 150, 'num_leaves': 122, 'subsample': 0.9430771253692097}
Epoch : 1393: f1_weighted Score 0.814 params {'colsample_bytree': 0.6366539916514106, 'learning_rate': 0.006888986063026171, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 78, 'subsample': 0.9855919218996138}
Epoch : 1394: f1_weighted Score 0.814 params {'colsample_bytree': 0.6499308539316444, 'learning_rate': 0.005016033924474324, 'max_depth': 12, 'min_child_samples': 30, 'n_estimators': 500, 'num_leaves': 116, 'subsample': 0.9852984577567243}
Epoch : 1395: f1_weighted Score 0.814 params {'colsample_bytree': 0.6660185285791482, 'learning_rate': 0.0052789812092719724, 'max_depth': 12, 'min_child_samples': 30, 'n_estimators': 525, 'num_leaves': 116, 'subsample': 0.9829567281543846}
Epoch : 1396: f1_weighted Score 0.800 params {'colsample_bytree': 0.6074908768220685, 'learning_rate': 0.005835830956117782, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 700, 'num_leaves': 120, 'subsample': 0.975566559595062}
Epoch : 1397: f1_weighted Score 0.814 params {'colsample_bytree': 0.675274455265875, 'learning_rate': 0.007191480197238716, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 126, 'subsample': 0.9045300368987415}
Epoch : 1398: f1_weighted Score 0.812 params {'colsample_bytree': 0.6693574008286043, 'learning_rate': 0.0066699867970309214, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 112, 'subsample': 0.8919911202804857}
Epoch : 1399: f1_weighted Score 0.803 params {'colsample_bytree': 0.7368233913317607, 'learning_rate': 0.015385158235782261, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 86, 'subsample': 0.967700545776461}
Epoch : 1400: f1_weighted Score 0.810 params {'colsample_bytree': 0.560990562868809, 'learning_rate': 0.026378716693029387, 'max_depth': 19, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 114, 'subsample': 0.9101075965211353}
Epoch : 1401: f1_weighted Score 0.798 params {'colsample_bytree': 0.8106962884734638, 'learning_rate': 0.011763487081922555, 'max_depth': 5, 'min_child_samples': 6, 'n_estimators': 100, 'num_leaves': 98, 'subsample': 0.8730040119729199}
Epoch : 1402: f1_weighted Score 0.812 params {'colsample_bytree': 0.8099787914041265, 'learning_rate': 0.061758653373691526, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 50, 'num_leaves': 58, 'subsample': 0.8815945751281825}
Epoch : 1403: f1_weighted Score 0.806 params {'colsample_bytree': 0.5951023092054483, 'learning_rate': 0.007644555785998869, 'max_depth': 15, 'min_child_samples': 26, 'n_estimators': 450, 'num_leaves': 64, 'subsample': 0.893724885042707}
Epoch : 1404: f1_weighted Score 0.809 params {'colsample_bytree': 0.581395421766916, 'learning_rate': 0.028790430976588975, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 112, 'subsample': 0.9512327042489414}
Epoch : 1405: f1_weighted Score 0.799 params {'colsample_bytree': 0.5976838694204184, 'learning_rate': 0.09375227925792802, 'max_depth': 16, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 60, 'subsample': 0.9670718417749862}
Epoch : 1406: f1_weighted Score 0.801 params {'colsample_bytree': 0.9303181838115361, 'learning_rate': 0.02496259784486412, 'max_depth': 19, 'min_child_samples': 28, 'n_estimators': 175, 'num_leaves': 118, 'subsample': 0.964302589487091}
Epoch : 1407: f1_weighted Score 0.806 params {'colsample_bytree': 0.6130797575351649, 'learning_rate': 0.017940412342085592, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 50, 'num_leaves': 46, 'subsample': 0.9364178956092168}
Epoch : 1408: f1_weighted Score 0.812 params {'colsample_bytree': 0.5320920890765584, 'learning_rate': 0.0055557565356327745, 'max_depth': 19, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 110, 'subsample': 0.9885973660662004}
Epoch : 1409: f1_weighted Score 0.814 params {'colsample_bytree': 0.7756695379236458, 'learning_rate': 0.009870579056310884, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 100, 'subsample': 0.9260457918378571}
Epoch : 1410: f1_weighted Score 0.805 params {'colsample_bytree': 0.7608408732549751, 'learning_rate': 0.012204651344405045, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 48, 'subsample': 0.9324220936701003}
Epoch : 1411: f1_weighted Score 0.812 params {'colsample_bytree': 0.738969435535796, 'learning_rate': 0.017772597072934777, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 122, 'subsample': 0.9496765528651312}
Epoch : 1412: f1_weighted Score 0.791 params {'colsample_bytree': 0.7480699697411277, 'learning_rate': 0.014709951100930914, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 825, 'num_leaves': 126, 'subsample': 0.8854318452888512}
Epoch : 1413: f1_weighted Score 0.812 params {'colsample_bytree': 0.6192047826720843, 'learning_rate': 0.006147702803664372, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 120, 'subsample': 0.9769437246042633}
Epoch : 1414: f1_weighted Score 0.806 params {'colsample_bytree': 0.6565214031821615, 'learning_rate': 0.006409993993879324, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 575, 'num_leaves': 14, 'subsample': 0.9577392435301412}
Epoch : 1415: f1_weighted Score 0.812 params {'colsample_bytree': 0.5837020023445129, 'learning_rate': 0.007953092309111998, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 28, 'subsample': 0.9312320321892013}
Epoch : 1416: f1_weighted Score 0.812 params {'colsample_bytree': 0.7288195010673514, 'learning_rate': 0.009377164744585451, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 92, 'subsample': 0.9260406793398825}
Epoch : 1417: f1_weighted Score 0.814 params {'colsample_bytree': 0.7524623432310356, 'learning_rate': 0.009489575042072514, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 96, 'subsample': 0.9180294317859679}
Epoch : 1418: f1_weighted Score 0.812 params {'colsample_bytree': 0.7685827154108421, 'learning_rate': 0.01125905623182356, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 32, 'subsample': 0.8972625113017157}
Epoch : 1419: f1_weighted Score 0.812 params {'colsample_bytree': 0.722533574393137, 'learning_rate': 0.016985209448574762, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 76, 'subsample': 0.9744075808183865}
Epoch : 1420: f1_weighted Score 0.802 params {'colsample_bytree': 0.9741535578220608, 'learning_rate': 0.08887645583210098, 'max_depth': 20, 'min_child_samples': 24, 'n_estimators': 50, 'num_leaves': 116, 'subsample': 0.9393127805226131}
Epoch : 1421: f1_weighted Score 0.814 params {'colsample_bytree': 0.7871678725345037, 'learning_rate': 0.012985389120216727, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 36, 'subsample': 0.9239148094339836}
Epoch : 1422: f1_weighted Score 0.812 params {'colsample_bytree': 0.6291290924808786, 'learning_rate': 0.006815128592335642, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 112, 'subsample': 0.9997818957121529}
Epoch : 1423: f1_weighted Score 0.805 params {'colsample_bytree': 0.6703734683868994, 'learning_rate': 0.01325610789718394, 'max_depth': 10, 'min_child_samples': 18, 'n_estimators': 200, 'num_leaves': 44, 'subsample': 0.9612507381147712}
Epoch : 1424: f1_weighted Score 0.812 params {'colsample_bytree': 0.6831603305254411, 'learning_rate': 0.02737240438561492, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 106, 'subsample': 0.9125844250322852}
Epoch : 1425: f1_weighted Score 0.803 params {'colsample_bytree': 0.6375368055907997, 'learning_rate': 0.010662503404448964, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 104, 'subsample': 0.9538435696695484}
Epoch : 1426: f1_weighted Score 0.812 params {'colsample_bytree': 0.6524438532429465, 'learning_rate': 0.005192140627935778, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 525, 'num_leaves': 104, 'subsample': 0.9858241247467063}
Epoch : 1427: f1_weighted Score 0.802 params {'colsample_bytree': 0.5779006392134685, 'learning_rate': 0.0050050697652363725, 'max_depth': 12, 'min_child_samples': 16, 'n_estimators': 600, 'num_leaves': 120, 'subsample': 0.9244537781856308}
Epoch : 1428: f1_weighted Score 0.811 params {'colsample_bytree': 0.6111517468072322, 'learning_rate': 0.005809996076213657, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 114, 'subsample': 0.9793295433843522}
Epoch : 1429: f1_weighted Score 0.806 params {'colsample_bytree': 0.7928674832711573, 'learning_rate': 0.012534641931145502, 'max_depth': 7, 'min_child_samples': 12, 'n_estimators': 225, 'num_leaves': 20, 'subsample': 0.9283327351195837}
Epoch : 1430: f1_weighted Score 0.799 params {'colsample_bytree': 0.5641147491238038, 'learning_rate': 0.00869994657957135, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 750, 'num_leaves': 8, 'subsample': 0.9292565813440998}
Epoch : 1431: f1_weighted Score 0.812 params {'colsample_bytree': 0.6960826303198049, 'learning_rate': 0.012200016875297091, 'max_depth': 9, 'min_child_samples': 26, 'n_estimators': 150, 'num_leaves': 118, 'subsample': 0.9550371300681845}
Epoch : 1432: f1_weighted Score 0.780 params {'colsample_bytree': 0.8134445434165911, 'learning_rate': 0.055781000679485784, 'max_depth': 10, 'min_child_samples': 26, 'n_estimators': 475, 'num_leaves': 108, 'subsample': 0.8820788665826951}
Epoch : 1433: f1_weighted Score 0.808 params {'colsample_bytree': 0.6970149093301273, 'learning_rate': 0.009339494583265263, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 50, 'subsample': 0.9479272245305228}
Epoch : 1434: f1_weighted Score 0.812 params {'colsample_bytree': 0.7351872061221445, 'learning_rate': 0.01386735257021151, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 16, 'subsample': 0.9536620393740836}
Epoch : 1435: f1_weighted Score 0.812 params {'colsample_bytree': 0.7707404302116759, 'learning_rate': 0.016198175467482256, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 75, 'num_leaves': 96, 'subsample': 0.9511214863819206}
Epoch : 1436: f1_weighted Score 0.785 params {'colsample_bytree': 0.7493330421119127, 'learning_rate': 0.06824176394929565, 'max_depth': 8, 'min_child_samples': 24, 'n_estimators': 300, 'num_leaves': 110, 'subsample': 0.8668242005406883}
Epoch : 1437: f1_weighted Score 0.812 params {'colsample_bytree': 0.7232023123313759, 'learning_rate': 0.014410964352134825, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 175, 'num_leaves': 34, 'subsample': 0.9478655101218285}
Epoch : 1438: f1_weighted Score 0.812 params {'colsample_bytree': 0.818289861534962, 'learning_rate': 0.021460326857993022, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 106, 'subsample': 0.9603785028538124}
Epoch : 1439: f1_weighted Score 0.810 params {'colsample_bytree': 0.7408826149612255, 'learning_rate': 0.02404743594399741, 'max_depth': 6, 'min_child_samples': 20, 'n_estimators': 100, 'num_leaves': 38, 'subsample': 0.9460822829591476}
Epoch : 1440: f1_weighted Score 0.812 params {'colsample_bytree': 0.7076372179507925, 'learning_rate': 0.006503330455949287, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 124, 'subsample': 0.9722512846719277}
Epoch : 1441: f1_weighted Score 0.812 params {'colsample_bytree': 0.7593518224561719, 'learning_rate': 0.008751718860822771, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 28, 'subsample': 0.946010805636777}
Epoch : 1442: f1_weighted Score 0.794 params {'colsample_bytree': 0.6374181242575346, 'learning_rate': 0.061959568728194137, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 118, 'subsample': 0.9685594797065776}
Epoch : 1443: f1_weighted Score 0.806 params {'colsample_bytree': 0.9098880095853054, 'learning_rate': 0.019308389563888927, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 150, 'num_leaves': 70, 'subsample': 0.9801374828994925}
Epoch : 1444: f1_weighted Score 0.812 params {'colsample_bytree': 0.35236751533767446, 'learning_rate': 0.012895437621836373, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 32, 'subsample': 0.956018730078103}
Epoch : 1445: f1_weighted Score 0.799 params {'colsample_bytree': 0.9551413231112282, 'learning_rate': 0.029451130046469393, 'max_depth': 20, 'min_child_samples': 24, 'n_estimators': 200, 'num_leaves': 60, 'subsample': 0.9198985628808402}
Epoch : 1446: f1_weighted Score 0.812 params {'colsample_bytree': 0.5754009342089463, 'learning_rate': 0.011600213517023528, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 114, 'subsample': 0.9169013214280449}
Epoch : 1447: f1_weighted Score 0.812 params {'colsample_bytree': 0.6387973806241773, 'learning_rate': 0.014577017147742885, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 8, 'subsample': 0.9648567256420213}
Epoch : 1448: f1_weighted Score 0.810 params {'colsample_bytree': 0.6840037363167087, 'learning_rate': 0.0222033991838962, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 150, 'num_leaves': 56, 'subsample': 0.9607049986343925}
Epoch : 1449: f1_weighted Score 0.812 params {'colsample_bytree': 0.7222129781347095, 'learning_rate': 0.01991468213273671, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 56, 'subsample': 0.9580262439887928}
Epoch : 1450: f1_weighted Score 0.812 params {'colsample_bytree': 0.49962113153710797, 'learning_rate': 0.0073538552476676115, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 36, 'subsample': 0.9402968903432313}
Epoch : 1451: f1_weighted Score 0.812 params {'colsample_bytree': 0.8957140872030775, 'learning_rate': 0.027570943252170202, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 50, 'num_leaves': 70, 'subsample': 0.9168452501526672}
Epoch : 1452: f1_weighted Score 0.811 params {'colsample_bytree': 0.667264867288108, 'learning_rate': 0.01025386143894984, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 108, 'subsample': 0.8996791438892998}
Epoch : 1453: f1_weighted Score 0.814 params {'colsample_bytree': 0.7785749803908395, 'learning_rate': 0.013414435927851662, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 26, 'subsample': 0.9257987298828039}
Epoch : 1454: f1_weighted Score 0.799 params {'colsample_bytree': 0.5441601689683798, 'learning_rate': 0.019239972050418618, 'max_depth': 5, 'min_child_samples': 20, 'n_estimators': 50, 'num_leaves': 30, 'subsample': 0.9376999629189672}
Epoch : 1455: f1_weighted Score 0.787 params {'colsample_bytree': 0.7064275777259494, 'learning_rate': 0.12237250298976267, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 86, 'subsample': 0.9199900386620988}
Epoch : 1456: f1_weighted Score 0.814 params {'colsample_bytree': 0.7219499313850385, 'learning_rate': 0.011172047324929544, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 16, 'subsample': 0.959110518560576}
Epoch : 1457: f1_weighted Score 0.814 params {'colsample_bytree': 0.7052505956852193, 'learning_rate': 0.010285060411312962, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 106, 'subsample': 0.9335021710018361}
Epoch : 1458: f1_weighted Score 0.811 params {'colsample_bytree': 0.6797841521953433, 'learning_rate': 0.010550547615124826, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 110, 'subsample': 0.9079425196660011}
Epoch : 1459: f1_weighted Score 0.804 params {'colsample_bytree': 0.5280934157873141, 'learning_rate': 0.05335453853242129, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 22, 'subsample': 0.9278604526310985}
Epoch : 1460: f1_weighted Score 0.812 params {'colsample_bytree': 0.5846546160571442, 'learning_rate': 0.008723240070996906, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 128, 'subsample': 0.9436851064883831}
Epoch : 1461: f1_weighted Score 0.812 params {'colsample_bytree': 0.7464334558299577, 'learning_rate': 0.01663379068806157, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 40, 'subsample': 0.9388145256956022}
Epoch : 1462: f1_weighted Score 0.812 params {'colsample_bytree': 0.8321880834429785, 'learning_rate': 0.012676209247311273, 'max_depth': 4, 'min_child_samples': 20, 'n_estimators': 100, 'num_leaves': 74, 'subsample': 0.8630689325975022}
Epoch : 1463: f1_weighted Score 0.812 params {'colsample_bytree': 0.8305168776995069, 'learning_rate': 0.011161385597997368, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 100, 'num_leaves': 88, 'subsample': 0.9488436136424471}
Epoch : 1464: f1_weighted Score 0.802 params {'colsample_bytree': 0.6227379445133614, 'learning_rate': 0.08601643254637925, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 112, 'subsample': 0.9685892806076649}
Epoch : 1465: f1_weighted Score 0.814 params {'colsample_bytree': 0.6977748342704273, 'learning_rate': 0.008257908677240543, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 108, 'subsample': 0.9813792507106971}
Epoch : 1466: f1_weighted Score 0.790 params {'colsample_bytree': 0.5982714124077126, 'learning_rate': 0.018007335255358425, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 1000, 'num_leaves': 116, 'subsample': 0.9412912884065314}
Epoch : 1467: f1_weighted Score 0.812 params {'colsample_bytree': 0.7971685710581256, 'learning_rate': 0.009225226279255152, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 150, 'num_leaves': 94, 'subsample': 0.9226107938607668}
Epoch : 1468: f1_weighted Score 0.796 params {'colsample_bytree': 0.9096221096448023, 'learning_rate': 0.03235981814253356, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 38, 'subsample': 0.8970454350738681}
Epoch : 1469: f1_weighted Score 0.812 params {'colsample_bytree': 0.7866883339588506, 'learning_rate': 0.0065610540114699615, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 122, 'subsample': 0.9026912359009441}
Epoch : 1470: f1_weighted Score 0.814 params {'colsample_bytree': 0.7654684296920353, 'learning_rate': 0.009933634518046902, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 24, 'subsample': 0.9349143531762342}
Epoch : 1471: f1_weighted Score 0.812 params {'colsample_bytree': 0.7237430984788848, 'learning_rate': 0.007722336614747944, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 84, 'subsample': 0.9915270549895119}
Epoch : 1472: f1_weighted Score 0.800 params {'colsample_bytree': 0.9802230941346635, 'learning_rate': 0.06578115213746094, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 75, 'num_leaves': 16, 'subsample': 0.9100154590654036}
Epoch : 1473: f1_weighted Score 0.808 params {'colsample_bytree': 0.668999663005582, 'learning_rate': 0.011994537272377474, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 10, 'subsample': 0.9685632930421963}
Epoch : 1474: f1_weighted Score 0.809 params {'colsample_bytree': 0.6537383845069875, 'learning_rate': 0.008997992799596195, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 16, 'subsample': 0.9545683847493233}
Epoch : 1475: f1_weighted Score 0.812 params {'colsample_bytree': 0.6301385701758676, 'learning_rate': 0.0050086378822755155, 'max_depth': 19, 'min_child_samples': 28, 'n_estimators': 525, 'num_leaves': 116, 'subsample': 0.9902612296961719}
Epoch : 1476: f1_weighted Score 0.812 params {'colsample_bytree': 0.5503786426750532, 'learning_rate': 0.012197794960962178, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 38, 'subsample': 0.9338500497289738}
Epoch : 1477: f1_weighted Score 0.814 params {'colsample_bytree': 0.6883232192939143, 'learning_rate': 0.007118327937847157, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 112, 'subsample': 0.8918861794435636}
Epoch : 1478: f1_weighted Score 0.812 params {'colsample_bytree': 0.39948869710494705, 'learning_rate': 0.008198925963243196, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 375, 'num_leaves': 36, 'subsample': 0.8741909285814754}
Epoch : 1479: f1_weighted Score 0.814 params {'colsample_bytree': 0.6281974535858343, 'learning_rate': 0.009777092646159873, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 120, 'subsample': 0.9708424953886002}
Epoch : 1480: f1_weighted Score 0.812 params {'colsample_bytree': 0.5426233430265386, 'learning_rate': 0.0097750499388141, 'max_depth': 20, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 126, 'subsample': 0.9777119301452694}
Epoch : 1481: f1_weighted Score 0.812 params {'colsample_bytree': 0.7639456809319426, 'learning_rate': 0.01524019104847579, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 42, 'subsample': 0.9309766295943035}
Epoch : 1482: f1_weighted Score 0.812 params {'colsample_bytree': 0.7326349984511101, 'learning_rate': 0.011091693156805301, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 20, 'subsample': 0.9339866373437195}
Epoch : 1483: f1_weighted Score 0.799 params {'colsample_bytree': 0.7791811791666146, 'learning_rate': 0.01675534760438169, 'max_depth': 8, 'min_child_samples': 20, 'n_estimators': 250, 'num_leaves': 110, 'subsample': 0.846518453028029}
Epoch : 1484: f1_weighted Score 0.814 params {'colsample_bytree': 0.8330581930384962, 'learning_rate': 0.019035959671113285, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 14, 'subsample': 0.9200013599140653}
Epoch : 1485: f1_weighted Score 0.800 params {'colsample_bytree': 0.7421818019894292, 'learning_rate': 0.015852044536716237, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 80, 'subsample': 0.9054619824179596}
Epoch : 1486: f1_weighted Score 0.812 params {'colsample_bytree': 0.7145531696846604, 'learning_rate': 0.01491317620243608, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 125, 'num_leaves': 30, 'subsample': 0.9577048394889788}
Epoch : 1487: f1_weighted Score 0.781 params {'colsample_bytree': 0.8012593090594806, 'learning_rate': 0.06303528341105781, 'max_depth': 17, 'min_child_samples': 26, 'n_estimators': 925, 'num_leaves': 94, 'subsample': 0.8597960915939002}
Epoch : 1488: f1_weighted Score 0.812 params {'colsample_bytree': 0.6203200185200399, 'learning_rate': 0.013769130629276689, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 18, 'subsample': 0.9356329116302615}
Epoch : 1489: f1_weighted Score 0.814 params {'colsample_bytree': 0.7896072349118844, 'learning_rate': 0.009489920559540182, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 20, 'subsample': 0.9220874939639686}
Epoch : 1490: f1_weighted Score 0.812 params {'colsample_bytree': 0.8053754380527104, 'learning_rate': 0.022773796607294224, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 18, 'subsample': 0.9303718691427025}
Epoch : 1491: f1_weighted Score 0.802 params {'colsample_bytree': 0.6658803791639594, 'learning_rate': 0.02068161011636911, 'max_depth': 9, 'min_child_samples': 26, 'n_estimators': 175, 'num_leaves': 124, 'subsample': 0.9617371903591853}
Epoch : 1492: f1_weighted Score 0.812 params {'colsample_bytree': 0.7402551684683394, 'learning_rate': 0.009318279280212666, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 102, 'subsample': 0.9157453793420058}
Epoch : 1493: f1_weighted Score 0.812 params {'colsample_bytree': 0.6942512389332385, 'learning_rate': 0.011674948214336917, 'max_depth': 13, 'min_child_samples': 24, 'n_estimators': 225, 'num_leaves': 82, 'subsample': 0.9650223511115601}
Epoch : 1494: f1_weighted Score 0.812 params {'colsample_bytree': 0.7909461935129092, 'learning_rate': 0.04502049790769433, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 75, 'num_leaves': 88, 'subsample': 0.8646382977024353}
Epoch : 1495: f1_weighted Score 0.803 params {'colsample_bytree': 0.6780250857172787, 'learning_rate': 0.010951846822207675, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 12, 'subsample': 0.9656671120472373}
Epoch : 1496: f1_weighted Score 0.805 params {'colsample_bytree': 0.5641011748729533, 'learning_rate': 0.07419770265101205, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 90, 'subsample': 0.883044195505314}
Epoch : 1497: f1_weighted Score 0.800 params {'colsample_bytree': 0.8531482077460878, 'learning_rate': 0.027325631418538915, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 98, 'subsample': 0.989138098565966}
Epoch : 1498: f1_weighted Score 0.806 params {'colsample_bytree': 0.8247758077238457, 'learning_rate': 0.042495887984512315, 'max_depth': 11, 'min_child_samples': 24, 'n_estimators': 75, 'num_leaves': 68, 'subsample': 0.8709803071236649}
Epoch : 1499: f1_weighted Score 0.803 params {'colsample_bytree': 0.6426366164629372, 'learning_rate': 0.005573405612205285, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 600, 'num_leaves': 114, 'subsample': 0.9977280573806022}
Epoch : 1500: f1_weighted Score 0.799 params {'colsample_bytree': 0.6507795376967104, 'learning_rate': 0.0053378361331452, 'max_depth': 12, 'min_child_samples': 24, 'n_estimators': 725, 'num_leaves': 118, 'subsample': 0.8905584452450857}
Epoch : 1501: f1_weighted Score 0.814 params {'colsample_bytree': 0.6091223773327256, 'learning_rate': 0.021602638165213014, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 118, 'subsample': 0.9521238869408944}
Epoch : 1502: f1_weighted Score 0.811 params {'colsample_bytree': 0.6021335643445078, 'learning_rate': 0.008506283137239841, 'max_depth': 9, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 128, 'subsample': 0.9695593651059449}
Epoch : 1503: f1_weighted Score 0.784 params {'colsample_bytree': 0.7711866800682012, 'learning_rate': 0.01347220936974583, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 1325, 'num_leaves': 106, 'subsample': 0.9066551293653901}
Epoch : 1504: f1_weighted Score 0.811 params {'colsample_bytree': 0.6128806731578577, 'learning_rate': 0.007893002807489672, 'max_depth': 9, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 16, 'subsample': 0.9734484883203823}
Epoch : 1505: f1_weighted Score 0.811 params {'colsample_bytree': 0.7147201160271852, 'learning_rate': 0.013966094142404463, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 94, 'subsample': 0.9562181129950545}
Epoch : 1506: f1_weighted Score 0.812 params {'colsample_bytree': 0.8150970676986529, 'learning_rate': 0.008779499277191, 'max_depth': 3, 'min_child_samples': 24, 'n_estimators': 250, 'num_leaves': 74, 'subsample': 0.8611865624105423}
Epoch : 1507: f1_weighted Score 0.812 params {'colsample_bytree': 0.9164826661873114, 'learning_rate': 0.007402144394265875, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 325, 'num_leaves': 98, 'subsample': 0.8395242662924474}
Epoch : 1508: f1_weighted Score 0.805 params {'colsample_bytree': 0.697652596483219, 'learning_rate': 0.010466978112108016, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 100, 'subsample': 0.9755564907414971}
Epoch : 1509: f1_weighted Score 0.811 params {'colsample_bytree': 0.5751749144992347, 'learning_rate': 0.008638383023066737, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 36, 'subsample': 0.963205887078875}
Epoch : 1510: f1_weighted Score 0.814 params {'colsample_bytree': 0.5905711842497212, 'learning_rate': 0.017975621687166158, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 40, 'subsample': 0.9452357142752049}
Epoch : 1511: f1_weighted Score 0.811 params {'colsample_bytree': 0.6283669677194953, 'learning_rate': 0.006097317723528407, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 114, 'subsample': 0.996367212610081}
Epoch : 1512: f1_weighted Score 0.811 params {'colsample_bytree': 0.6659317008701728, 'learning_rate': 0.01233348601911316, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 46, 'subsample': 0.8960616657740375}
Epoch : 1513: f1_weighted Score 0.812 params {'colsample_bytree': 0.6051083811014528, 'learning_rate': 0.006884645311989832, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 124, 'subsample': 0.9718374851551018}
Epoch : 1514: f1_weighted Score 0.812 params {'colsample_bytree': 0.5670198287991739, 'learning_rate': 0.02028936698158097, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 50, 'subsample': 0.951434974062597}
Epoch : 1515: f1_weighted Score 0.811 params {'colsample_bytree': 0.6468229187427146, 'learning_rate': 0.00545414637076612, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 625, 'num_leaves': 104, 'subsample': 0.9851593338415028}
Epoch : 1516: f1_weighted Score 0.814 params {'colsample_bytree': 0.7512602704392776, 'learning_rate': 0.01578045099328199, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 24, 'subsample': 0.9261973332783463}
Epoch : 1517: f1_weighted Score 0.812 params {'colsample_bytree': 0.7835326013765899, 'learning_rate': 0.01620286509641196, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 22, 'subsample': 0.9190427003928161}
Epoch : 1518: f1_weighted Score 0.814 params {'colsample_bytree': 0.7526547827667481, 'learning_rate': 0.005976828730237387, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 84, 'subsample': 0.9898229315942985}
Epoch : 1519: f1_weighted Score 0.805 params {'colsample_bytree': 0.6719077922506974, 'learning_rate': 0.008190757051686622, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 120, 'subsample': 0.9029576314967446}
Epoch : 1520: f1_weighted Score 0.812 params {'colsample_bytree': 0.7323010505568097, 'learning_rate': 0.014889816201653706, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 175, 'num_leaves': 102, 'subsample': 0.9641354156441078}
Epoch : 1521: f1_weighted Score 0.811 params {'colsample_bytree': 0.5960322176520767, 'learning_rate': 0.015051617150065248, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 112, 'subsample': 0.939678473011187}
Epoch : 1522: f1_weighted Score 0.812 params {'colsample_bytree': 0.9935250150329851, 'learning_rate': 0.010143747581011454, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 34, 'subsample': 0.8971163272462951}
Epoch : 1523: f1_weighted Score 0.805 params {'colsample_bytree': 0.6414910732346516, 'learning_rate': 0.00541692354674707, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 575, 'num_leaves': 122, 'subsample': 0.9842307570461016}
Epoch : 1524: f1_weighted Score 0.814 params {'colsample_bytree': 0.6917151681460634, 'learning_rate': 0.008092977001445527, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 108, 'subsample': 0.9132822991131135}
Epoch : 1525: f1_weighted Score 0.802 params {'colsample_bytree': 0.61844753654532, 'learning_rate': 0.017417736260571297, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 112, 'subsample': 0.9407530823818218}
Epoch : 1526: f1_weighted Score 0.812 params {'colsample_bytree': 0.7066616302632048, 'learning_rate': 0.0062209610782155925, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 128, 'subsample': 0.8197329635255707}
Epoch : 1527: f1_weighted Score 0.812 params {'colsample_bytree': 0.8254016205757753, 'learning_rate': 0.03503584641407796, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 50, 'num_leaves': 98, 'subsample': 0.9155331134285005}
Epoch : 1528: f1_weighted Score 0.814 params {'colsample_bytree': 0.6869444171197158, 'learning_rate': 0.009584746715177882, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 104, 'subsample': 0.9095587812081941}
Epoch : 1529: f1_weighted Score 0.811 params {'colsample_bytree': 0.5274245868043971, 'learning_rate': 0.008957235731742834, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 106, 'subsample': 0.9015977537788893}
Epoch : 1530: f1_weighted Score 0.805 params {'colsample_bytree': 0.5907634519513472, 'learning_rate': 0.010328698524221991, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 110, 'subsample': 0.9154806465247598}
Epoch : 1531: f1_weighted Score 0.811 params {'colsample_bytree': 0.6556787315110977, 'learning_rate': 0.011246680506683286, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 116, 'subsample': 0.937729263514792}
Epoch : 1532: f1_weighted Score 0.812 params {'colsample_bytree': 0.5685738440033103, 'learning_rate': 0.005117743251087991, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 116, 'subsample': 0.9449887875013726}
Epoch : 1533: f1_weighted Score 0.787 params {'colsample_bytree': 0.7653247412321373, 'learning_rate': 0.012996058082877569, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 1100, 'num_leaves': 54, 'subsample': 0.9188324588916837}
Epoch : 1534: f1_weighted Score 0.806 params {'colsample_bytree': 0.6330381076689141, 'learning_rate': 0.007189690472981661, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 114, 'subsample': 0.9305199674335988}
Epoch : 1535: f1_weighted Score 0.779 params {'colsample_bytree': 0.8439214470354676, 'learning_rate': 0.022992522654850665, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 1200, 'num_leaves': 62, 'subsample': 0.9093894640266089}
Epoch : 1536: f1_weighted Score 0.808 params {'colsample_bytree': 0.6851138085259769, 'learning_rate': 0.007784475155251535, 'max_depth': 10, 'min_child_samples': 26, 'n_estimators': 375, 'num_leaves': 120, 'subsample': 0.9776729660744283}
Epoch : 1537: f1_weighted Score 0.812 params {'colsample_bytree': 0.705284539764173, 'learning_rate': 0.006946158106135061, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 90, 'subsample': 0.9924649397210374}
Epoch : 1538: f1_weighted Score 0.814 params {'colsample_bytree': 0.730258145530581, 'learning_rate': 0.01270557264069247, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 54, 'subsample': 0.969101890276263}
Epoch : 1539: f1_weighted Score 0.814 params {'colsample_bytree': 0.7147222733749696, 'learning_rate': 0.007676207318443986, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 72, 'subsample': 0.9761229423472896}
Epoch : 1540: f1_weighted Score 0.812 params {'colsample_bytree': 0.6578736022194894, 'learning_rate': 0.006455868272326247, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 78, 'subsample': 0.9800611199429251}
Epoch : 1541: f1_weighted Score 0.812 params {'colsample_bytree': 0.7207954168485935, 'learning_rate': 0.014285989467332155, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 175, 'num_leaves': 46, 'subsample': 0.966062971170309}
Epoch : 1542: f1_weighted Score 0.812 params {'colsample_bytree': 0.7883341222767656, 'learning_rate': 0.012511049367479803, 'max_depth': 12, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 82, 'subsample': 0.9156448685412378}
Epoch : 1543: f1_weighted Score 0.800 params {'colsample_bytree': 0.5342165811762768, 'learning_rate': 0.026461226365553276, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 16, 'subsample': 0.9345873900633597}
Epoch : 1544: f1_weighted Score 0.812 params {'colsample_bytree': 0.7648318982294513, 'learning_rate': 0.016905584620840332, 'max_depth': 4, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 12, 'subsample': 0.9049113369898155}
Epoch : 1545: f1_weighted Score 0.814 params {'colsample_bytree': 0.6985539725082456, 'learning_rate': 0.011793944967489998, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 100, 'subsample': 0.9583795499135339}
Epoch : 1546: f1_weighted Score 0.809 params {'colsample_bytree': 0.6339026335190066, 'learning_rate': 0.007352850855304324, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 126, 'subsample': 0.9721961673755397}
Epoch : 1547: f1_weighted Score 0.814 params {'colsample_bytree': 0.7091790138136143, 'learning_rate': 0.008321038324630008, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 128, 'subsample': 0.9864829999989568}
Epoch : 1548: f1_weighted Score 0.812 params {'colsample_bytree': 0.7335185066102449, 'learning_rate': 0.013391005433743426, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 28, 'subsample': 0.9433524310376804}
Epoch : 1549: f1_weighted Score 0.814 params {'colsample_bytree': 0.7393461283775362, 'learning_rate': 0.009498688585796599, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 100, 'subsample': 0.9253150890434796}
Epoch : 1550: f1_weighted Score 0.812 params {'colsample_bytree': 0.7532733220078822, 'learning_rate': 0.009349931582954815, 'max_depth': 8, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 98, 'subsample': 0.9130496099344508}
Epoch : 1551: f1_weighted Score 0.796 params {'colsample_bytree': 0.8701683357077181, 'learning_rate': 0.008859672047270633, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 725, 'num_leaves': 102, 'subsample': 0.9086522911987628}
Epoch : 1552: f1_weighted Score 0.805 params {'colsample_bytree': 0.7754145096180864, 'learning_rate': 0.011104745034133775, 'max_depth': 12, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 120, 'subsample': 0.9612001790887343}
Epoch : 1553: f1_weighted Score 0.812 params {'colsample_bytree': 0.4946739992956486, 'learning_rate': 0.010035937340220872, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 24, 'subsample': 0.924549614337019}
Epoch : 1554: f1_weighted Score 0.812 params {'colsample_bytree': 0.7551265413913923, 'learning_rate': 0.007247371903762147, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 92, 'subsample': 0.8995335217201117}
Epoch : 1555: f1_weighted Score 0.812 params {'colsample_bytree': 0.8565574276728645, 'learning_rate': 0.031822073151222444, 'max_depth': 3, 'min_child_samples': 24, 'n_estimators': 75, 'num_leaves': 96, 'subsample': 0.8431507279944697}
Epoch : 1556: f1_weighted Score 0.812 params {'colsample_bytree': 0.6755400605261366, 'learning_rate': 0.01324382455852468, 'max_depth': 12, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 128, 'subsample': 0.9554494462392492}
Epoch : 1557: f1_weighted Score 0.795 params {'colsample_bytree': 0.8053887191684354, 'learning_rate': 0.19762453807794647, 'max_depth': 5, 'min_child_samples': 22, 'n_estimators': 50, 'num_leaves': 62, 'subsample': 0.8777608428838203}
Epoch : 1558: f1_weighted Score 0.809 params {'colsample_bytree': 0.9402687171215716, 'learning_rate': 0.02258753890976079, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 14, 'subsample': 0.9349996750342012}
Epoch : 1559: f1_weighted Score 0.812 params {'colsample_bytree': 0.7643647584292118, 'learning_rate': 0.010549924146101322, 'max_depth': 8, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 96, 'subsample': 0.924392355818563}
Epoch : 1560: f1_weighted Score 0.814 params {'colsample_bytree': 0.7767227373303562, 'learning_rate': 0.01136103960636393, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 200, 'num_leaves': 30, 'subsample': 0.9452117659101538}
Epoch : 1561: f1_weighted Score 0.793 params {'colsample_bytree': 0.8122912576809763, 'learning_rate': 0.011627259251234033, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 875, 'num_leaves': 30, 'subsample': 0.9322383851147591}
Epoch : 1562: f1_weighted Score 0.814 params {'colsample_bytree': 0.701553710228561, 'learning_rate': 0.006073964821136217, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 92, 'subsample': 0.9998461326515}
Epoch : 1563: f1_weighted Score 0.814 params {'colsample_bytree': 0.7265634508962324, 'learning_rate': 0.00792351639762886, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 90, 'subsample': 0.9121443021227915}
Epoch : 1564: f1_weighted Score 0.806 params {'colsample_bytree': 0.7169140430826118, 'learning_rate': 0.008319033811749978, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 90, 'subsample': 0.9604447182869299}
Epoch : 1565: f1_weighted Score 0.812 params {'colsample_bytree': 0.5521300724315453, 'learning_rate': 0.021042707678982097, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 40, 'subsample': 0.9585452014584094}
Epoch : 1566: f1_weighted Score 0.814 params {'colsample_bytree': 0.7438900281137456, 'learning_rate': 0.011009591777668507, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 26, 'subsample': 0.9284493418843807}
Epoch : 1567: f1_weighted Score 0.812 params {'colsample_bytree': 0.7090295579447888, 'learning_rate': 0.010656328504613313, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 14, 'subsample': 0.9247338726013654}
Epoch : 1568: f1_weighted Score 0.780 params {'colsample_bytree': 0.6065635165141803, 'learning_rate': 0.0235040021914494, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 1375, 'num_leaves': 124, 'subsample': 0.9159219363287592}
Epoch : 1569: f1_weighted Score 0.789 params {'colsample_bytree': 0.5426837515738189, 'learning_rate': 0.019528170569936585, 'max_depth': 9, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 28, 'subsample': 0.9420664382193112}
Epoch : 1570: f1_weighted Score 0.806 params {'colsample_bytree': 0.6831750363751905, 'learning_rate': 0.008816315973553816, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 68, 'subsample': 0.8883435057030235}
Epoch : 1571: f1_weighted Score 0.806 params {'colsample_bytree': 0.6741078195986789, 'learning_rate': 0.007694895684573317, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 12, 'subsample': 0.9821723873161968}
Epoch : 1572: f1_weighted Score 0.812 params {'colsample_bytree': 0.7906891928127161, 'learning_rate': 0.006593767664958781, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 124, 'subsample': 0.9482360255441913}
Epoch : 1573: f1_weighted Score 0.812 params {'colsample_bytree': 0.6746919388787349, 'learning_rate': 0.013613712621025197, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 10, 'subsample': 0.9525783448044891}
Epoch : 1574: f1_weighted Score 0.808 params {'colsample_bytree': 0.6881065963314604, 'learning_rate': 0.00996233903792394, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 96, 'subsample': 0.9643904140650557}
Epoch : 1575: f1_weighted Score 0.812 params {'colsample_bytree': 0.6837940457103991, 'learning_rate': 0.009586110497406646, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 104, 'subsample': 0.9673496322040442}
Epoch : 1576: f1_weighted Score 0.812 params {'colsample_bytree': 0.7551575273179275, 'learning_rate': 0.011605276937679331, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 22, 'subsample': 0.9476588780957045}
Epoch : 1577: f1_weighted Score 0.797 params {'colsample_bytree': 0.8500044029563713, 'learning_rate': 0.03471735240324253, 'max_depth': 5, 'min_child_samples': 14, 'n_estimators': 100, 'num_leaves': 92, 'subsample': 0.9530468566455423}
Epoch : 1578: f1_weighted Score 0.812 params {'colsample_bytree': 0.7292345070563144, 'learning_rate': 0.006085530428277041, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 86, 'subsample': 0.9998024398566712}
Epoch : 1579: f1_weighted Score 0.809 params {'colsample_bytree': 0.6540840828220039, 'learning_rate': 0.005965149450677846, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 525, 'num_leaves': 80, 'subsample': 0.9893171357522175}
Epoch : 1580: f1_weighted Score 0.814 params {'colsample_bytree': 0.8446349137605552, 'learning_rate': 0.024933543333505, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 92, 'subsample': 0.9292387296645859}
Epoch : 1581: f1_weighted Score 0.810 params {'colsample_bytree': 0.5100262958490592, 'learning_rate': 0.022564369153924527, 'max_depth': 9, 'min_child_samples': 24, 'n_estimators': 100, 'num_leaves': 36, 'subsample': 0.8948552911838609}
Epoch : 1582: f1_weighted Score 0.812 params {'colsample_bytree': 0.660532753066642, 'learning_rate': 0.006880331024307808, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 20, 'subsample': 0.9743869493565074}
Epoch : 1583: f1_weighted Score 0.812 params {'colsample_bytree': 0.8840002271663168, 'learning_rate': 0.010231067064537334, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 12, 'subsample': 0.9088131619918158}
Epoch : 1584: f1_weighted Score 0.796 params {'colsample_bytree': 0.7788106877900647, 'learning_rate': 0.010598021859086988, 'max_depth': 14, 'min_child_samples': 4, 'n_estimators': 175, 'num_leaves': 26, 'subsample': 0.9129280121639768}
Epoch : 1585: f1_weighted Score 0.805 params {'colsample_bytree': 0.6656836290453377, 'learning_rate': 0.005728109171264392, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 550, 'num_leaves': 120, 'subsample': 0.983409878556477}
Epoch : 1586: f1_weighted Score 0.812 params {'colsample_bytree': 0.9638383336333024, 'learning_rate': 0.017165807056134637, 'max_depth': 3, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 18, 'subsample': 0.8110306189806153}
Epoch : 1587: f1_weighted Score 0.811 params {'colsample_bytree': 0.7344435798701586, 'learning_rate': 0.008305713822214294, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 20, 'subsample': 0.920552903323637}
Epoch : 1588: f1_weighted Score 0.811 params {'colsample_bytree': 0.9238026771737662, 'learning_rate': 0.007434780983657971, 'max_depth': 19, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 108, 'subsample': 0.8875921520800933}
Epoch : 1589: f1_weighted Score 0.799 params {'colsample_bytree': 0.5700006436345486, 'learning_rate': 0.01867641993967552, 'max_depth': 20, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 14, 'subsample': 0.8922112490317969}
Epoch : 1590: f1_weighted Score 0.812 params {'colsample_bytree': 0.5902145068768575, 'learning_rate': 0.00549289166136657, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 128, 'subsample': 0.9787165609928278}
Epoch : 1591: f1_weighted Score 0.812 params {'colsample_bytree': 0.7939716225082534, 'learning_rate': 0.009377654619109294, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 18, 'subsample': 0.9202750542183179}
Epoch : 1592: f1_weighted Score 0.812 params {'colsample_bytree': 0.5826027148507874, 'learning_rate': 0.015118153934105576, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 118, 'subsample': 0.939220657857214}
Epoch : 1593: f1_weighted Score 0.814 params {'colsample_bytree': 0.5953382384816452, 'learning_rate': 0.016573420857511338, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 118, 'subsample': 0.9449751441874465}
Epoch : 1594: f1_weighted Score 0.795 params {'colsample_bytree': 0.5781341370421386, 'learning_rate': 0.015751502771387534, 'max_depth': 9, 'min_child_samples': 16, 'n_estimators': 450, 'num_leaves': 122, 'subsample': 0.9503378124421958}
Epoch : 1595: f1_weighted Score 0.808 params {'colsample_bytree': 0.744776809801679, 'learning_rate': 0.00901291708418351, 'max_depth': 17, 'min_child_samples': 12, 'n_estimators': 275, 'num_leaves': 10, 'subsample': 0.9202032588641903}
Epoch : 1596: f1_weighted Score 0.792 params {'colsample_bytree': 0.7485796505033345, 'learning_rate': 0.010436390407085641, 'max_depth': 15, 'min_child_samples': 10, 'n_estimators': 250, 'num_leaves': 88, 'subsample': 0.9564482378344816}
Epoch : 1597: f1_weighted Score 0.803 params {'colsample_bytree': 0.7250925801218654, 'learning_rate': 0.01257972512225741, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 20, 'subsample': 0.9276640568428035}
Epoch : 1598: f1_weighted Score 0.798 params {'colsample_bytree': 0.5336753966923572, 'learning_rate': 0.01373497009898296, 'max_depth': 20, 'min_child_samples': 30, 'n_estimators': 775, 'num_leaves': 38, 'subsample': 0.9355681058335931}
Epoch : 1599: f1_weighted Score 0.812 params {'colsample_bytree': 0.6484373266446486, 'learning_rate': 0.0059241333760149725, 'max_depth': 19, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 112, 'subsample': 0.9962835449355412}
Epoch : 1600: f1_weighted Score 0.812 params {'colsample_bytree': 0.6667970934266985, 'learning_rate': 0.009065624396172528, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 175, 'num_leaves': 124, 'subsample': 0.9713938426777665}
Epoch : 1601: f1_weighted Score 0.812 params {'colsample_bytree': 0.825518517629836, 'learning_rate': 0.01382472446832127, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 150, 'num_leaves': 94, 'subsample': 0.941030389663925}
Epoch : 1602: f1_weighted Score 0.812 params {'colsample_bytree': 0.6530100590496177, 'learning_rate': 0.012475323352436786, 'max_depth': 10, 'min_child_samples': 26, 'n_estimators': 175, 'num_leaves': 122, 'subsample': 0.97265925919984}
Epoch : 1603: f1_weighted Score 0.803 params {'colsample_bytree': 0.616573610084574, 'learning_rate': 0.02168668411159732, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 32, 'subsample': 0.950448217642614}
Epoch : 1604: f1_weighted Score 0.802 params {'colsample_bytree': 0.7723614957468331, 'learning_rate': 0.014807962658434861, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 16, 'subsample': 0.9253176439391502}
Epoch : 1605: f1_weighted Score 0.814 params {'colsample_bytree': 0.610098536583613, 'learning_rate': 0.020204758183660923, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 66, 'subsample': 0.8511913481466595}
Epoch : 1606: f1_weighted Score 0.812 params {'colsample_bytree': 0.7618246335707425, 'learning_rate': 0.018716671157623543, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 112, 'subsample': 0.9483465922785713}
Epoch : 1607: f1_weighted Score 0.810 params {'colsample_bytree': 0.6292260187507247, 'learning_rate': 0.017035747093674235, 'max_depth': 8, 'min_child_samples': 26, 'n_estimators': 100, 'num_leaves': 122, 'subsample': 0.9539716639335161}
Epoch : 1608: f1_weighted Score 0.806 params {'colsample_bytree': 0.7632391671811057, 'learning_rate': 0.010989448156080045, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 104, 'subsample': 0.9945868716937702}
Epoch : 1609: f1_weighted Score 0.808 params {'colsample_bytree': 0.6384202467496614, 'learning_rate': 0.006613243937472907, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 98, 'subsample': 0.9689667120264702}
Epoch : 1610: f1_weighted Score 0.814 params {'colsample_bytree': 0.8081570789778468, 'learning_rate': 0.0071381967964986165, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 126, 'subsample': 0.9005990541558695}
Epoch : 1611: f1_weighted Score 0.812 params {'colsample_bytree': 0.5979253905312342, 'learning_rate': 0.018546653605713816, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 50, 'subsample': 0.8985887548018567}
Epoch : 1612: f1_weighted Score 0.812 params {'colsample_bytree': 0.6988907915962784, 'learning_rate': 0.008215996902946256, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 84, 'subsample': 0.9809593812928823}
Epoch : 1613: f1_weighted Score 0.809 params {'colsample_bytree': 0.6974661604896157, 'learning_rate': 0.007031019422499904, 'max_depth': 16, 'min_child_samples': 26, 'n_estimators': 400, 'num_leaves': 86, 'subsample': 0.9867470385273718}
Epoch : 1614: f1_weighted Score 0.814 params {'colsample_bytree': 0.7509504122377626, 'learning_rate': 0.01204948531900555, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 175, 'num_leaves': 24, 'subsample': 0.9368298678133762}
Epoch : 1615: f1_weighted Score 0.806 params {'colsample_bytree': 0.5714476333896398, 'learning_rate': 0.017935282776845068, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 32, 'subsample': 0.9393541187988971}
Epoch : 1616: f1_weighted Score 0.812 params {'colsample_bytree': 0.7915449788629093, 'learning_rate': 0.011954373438785307, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 18, 'subsample': 0.9228208379652393}
Epoch : 1617: f1_weighted Score 0.811 params {'colsample_bytree': 0.5655974459423952, 'learning_rate': 0.015291504787077108, 'max_depth': 7, 'min_child_samples': 22, 'n_estimators': 200, 'num_leaves': 40, 'subsample': 0.9425907058097522}
Epoch : 1618: f1_weighted Score 0.814 params {'colsample_bytree': 0.718407486783631, 'learning_rate': 0.009564017662329099, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 108, 'subsample': 0.9055837534344426}
Epoch : 1619: f1_weighted Score 0.802 params {'colsample_bytree': 0.6446770732229042, 'learning_rate': 0.0070834937811106264, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 625, 'num_leaves': 100, 'subsample': 0.899869771287049}
Epoch : 1620: f1_weighted Score 0.814 params {'colsample_bytree': 0.8214280914339054, 'learning_rate': 0.009709870984322525, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 14, 'subsample': 0.9307283981328919}
Epoch : 1621: f1_weighted Score 0.802 params {'colsample_bytree': 0.889603293394666, 'learning_rate': 0.07494564560445176, 'max_depth': 9, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 46, 'subsample': 0.8898848652258565}
Epoch : 1622: f1_weighted Score 0.811 params {'colsample_bytree': 0.923465618161445, 'learning_rate': 0.005851248599944822, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 52, 'subsample': 0.999438755357374}
Epoch : 1623: f1_weighted Score 0.812 params {'colsample_bytree': 0.5983154734699282, 'learning_rate': 0.01643336576882186, 'max_depth': 20, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 42, 'subsample': 0.9317538081888247}
Epoch : 1624: f1_weighted Score 0.788 params {'colsample_bytree': 0.7770383252942764, 'learning_rate': 0.071466044055877, 'max_depth': 9, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 64, 'subsample': 0.9366117453141493}
Epoch : 1625: f1_weighted Score 0.810 params {'colsample_bytree': 0.8702372199855257, 'learning_rate': 0.02888491058280712, 'max_depth': 3, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 58, 'subsample': 0.8446441254952027}
Epoch : 1626: f1_weighted Score 0.812 params {'colsample_bytree': 0.6620360180067942, 'learning_rate': 0.006189650741102674, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 500, 'num_leaves': 116, 'subsample': 0.9837501739117216}
Epoch : 1627: f1_weighted Score 0.814 params {'colsample_bytree': 0.6236467237076475, 'learning_rate': 0.005199755956349776, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 550, 'num_leaves': 116, 'subsample': 0.9299935055115572}
Epoch : 1628: f1_weighted Score 0.809 params {'colsample_bytree': 0.6329587931789642, 'learning_rate': 0.0050341728848777535, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 700, 'num_leaves': 108, 'subsample': 0.9269682820039096}
Epoch : 1629: f1_weighted Score 0.812 params {'colsample_bytree': 0.6888877116764385, 'learning_rate': 0.007797418368794744, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 108, 'subsample': 0.9077758033771676}
Epoch : 1630: f1_weighted Score 0.812 params {'colsample_bytree': 0.7808709732548562, 'learning_rate': 0.014681405403190318, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 30, 'subsample': 0.9264564019149097}
Epoch : 1631: f1_weighted Score 0.812 params {'colsample_bytree': 0.7269785364634159, 'learning_rate': 0.008604203180640835, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 44, 'subsample': 0.9331151378836295}
Epoch : 1632: f1_weighted Score 0.810 params {'colsample_bytree': 0.8021600334636719, 'learning_rate': 0.011665100034201218, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 8, 'subsample': 0.9227772668915607}
Epoch : 1633: f1_weighted Score 0.814 params {'colsample_bytree': 0.5234447079096783, 'learning_rate': 0.013256313279113618, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 36, 'subsample': 0.9457648976920678}
Epoch : 1634: f1_weighted Score 0.800 params {'colsample_bytree': 0.4867464867691617, 'learning_rate': 0.03678336905676478, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 54, 'subsample': 0.9018294717537136}
Epoch : 1635: f1_weighted Score 0.811 params {'colsample_bytree': 0.7375670403207052, 'learning_rate': 0.013892887156756859, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 26, 'subsample': 0.9663710150280846}
Epoch : 1636: f1_weighted Score 0.806 params {'colsample_bytree': 0.716903990247035, 'learning_rate': 0.010377917739042038, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 18, 'subsample': 0.9629141270544591}
Epoch : 1637: f1_weighted Score 0.810 params {'colsample_bytree': 0.5635717758813279, 'learning_rate': 0.014208822561035391, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 28, 'subsample': 0.9440605115372315}
Epoch : 1638: f1_weighted Score 0.812 params {'colsample_bytree': 0.8810600975226929, 'learning_rate': 0.007862623535530727, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 12, 'subsample': 0.8822134171506356}
Epoch : 1639: f1_weighted Score 0.812 params {'colsample_bytree': 0.6183272031821327, 'learning_rate': 0.005570966212954647, 'max_depth': 12, 'min_child_samples': 30, 'n_estimators': 550, 'num_leaves': 120, 'subsample': 0.931306561736954}
Epoch : 1640: f1_weighted Score 0.811 params {'colsample_bytree': 0.6220281556332299, 'learning_rate': 0.00523149225157247, 'max_depth': 12, 'min_child_samples': 30, 'n_estimators': 600, 'num_leaves': 110, 'subsample': 0.8521615265327479}
Epoch : 1641: f1_weighted Score 0.802 params {'colsample_bytree': 0.6391646804074852, 'learning_rate': 0.006429641583637329, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 650, 'num_leaves': 106, 'subsample': 0.9186354119282428}
Epoch : 1642: f1_weighted Score 0.809 params {'colsample_bytree': 0.7394955783939264, 'learning_rate': 0.008335239837853777, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 88, 'subsample': 0.9892938096641716}
Epoch : 1643: f1_weighted Score 0.812 params {'colsample_bytree': 0.6738514806616497, 'learning_rate': 0.01806924487767687, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 12, 'subsample': 0.9364514996062855}
Epoch : 1644: f1_weighted Score 0.812 params {'colsample_bytree': 0.7542190775791574, 'learning_rate': 0.015086433996916808, 'max_depth': 19, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 34, 'subsample': 0.9280385513584952}
Epoch : 1645: f1_weighted Score 0.783 params {'colsample_bytree': 0.8360494574031331, 'learning_rate': 0.03840912067606655, 'max_depth': 16, 'min_child_samples': 26, 'n_estimators': 400, 'num_leaves': 34, 'subsample': 0.8665776822106297}
Epoch : 1646: f1_weighted Score 0.806 params {'colsample_bytree': 0.6882946687839582, 'learning_rate': 0.007576814275767137, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 98, 'subsample': 0.9063261565226854}
Epoch : 1647: f1_weighted Score 0.805 params {'colsample_bytree': 0.7436730347696542, 'learning_rate': 0.012821221050528598, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 30, 'subsample': 0.9997953525686827}
Epoch : 1648: f1_weighted Score 0.809 params {'colsample_bytree': 0.6536144432027721, 'learning_rate': 0.006160301723292965, 'max_depth': 12, 'min_child_samples': 30, 'n_estimators': 575, 'num_leaves': 78, 'subsample': 0.9833477519440975}
Epoch : 1649: f1_weighted Score 0.812 params {'colsample_bytree': 0.8515171303384634, 'learning_rate': 0.02298224032143131, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 10, 'subsample': 0.9208837538483305}
Epoch : 1650: f1_weighted Score 0.812 params {'colsample_bytree': 0.6499704776961782, 'learning_rate': 0.009938846651053443, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 10, 'subsample': 0.9768184959409018}
Epoch : 1651: f1_weighted Score 0.814 params {'colsample_bytree': 0.790622692233007, 'learning_rate': 0.01609034451166789, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 38, 'subsample': 0.9236008898494614}
Epoch : 1652: f1_weighted Score 0.812 params {'colsample_bytree': 0.7742736605898871, 'learning_rate': 0.018644553710237412, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 44, 'subsample': 0.9330033253152981}
Epoch : 1653: f1_weighted Score 0.808 params {'colsample_bytree': 0.7574799002171403, 'learning_rate': 0.008715480766201076, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 48, 'subsample': 0.9058262121996621}
Epoch : 1654: f1_weighted Score 0.814 params {'colsample_bytree': 0.7738482743922693, 'learning_rate': 0.009942003966824492, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 22, 'subsample': 0.9174424268931669}
Epoch : 1655: f1_weighted Score 0.811 params {'colsample_bytree': 0.7118333677893013, 'learning_rate': 0.018733491416143014, 'max_depth': 18, 'min_child_samples': 26, 'n_estimators': 150, 'num_leaves': 20, 'subsample': 0.9098500170032527}
Epoch : 1656: f1_weighted Score 0.814 params {'colsample_bytree': 0.767792820212432, 'learning_rate': 0.012205626843472572, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 24, 'subsample': 0.9398825153473236}
Epoch : 1657: f1_weighted Score 0.814 params {'colsample_bytree': 0.6996246274632036, 'learning_rate': 0.011101983451331924, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 22, 'subsample': 0.9572774753861236}
Epoch : 1658: f1_weighted Score 0.808 params {'colsample_bytree': 0.6992195575652527, 'learning_rate': 0.03085178374565735, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 64, 'subsample': 0.9590539864819554}
Epoch : 1659: f1_weighted Score 0.803 params {'colsample_bytree': 0.8979717123935602, 'learning_rate': 0.024683587138228644, 'max_depth': 14, 'min_child_samples': 24, 'n_estimators': 250, 'num_leaves': 94, 'subsample': 0.8262940861454413}
Epoch : 1660: f1_weighted Score 0.812 params {'colsample_bytree': 0.7054329462035889, 'learning_rate': 0.005021691961906639, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 475, 'num_leaves': 28, 'subsample': 0.9353511213612506}
Epoch : 1661: f1_weighted Score 0.791 params {'colsample_bytree': 0.8127369041633717, 'learning_rate': 0.05926373241068989, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 72, 'subsample': 0.8717315073771594}
Epoch : 1662: f1_weighted Score 0.814 params {'colsample_bytree': 0.6762664476140716, 'learning_rate': 0.008166848145210522, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 106, 'subsample': 0.9742520435109179}
Epoch : 1663: f1_weighted Score 0.807 params {'colsample_bytree': 0.5499337029547776, 'learning_rate': 0.0453822784533737, 'max_depth': 9, 'min_child_samples': 24, 'n_estimators': 50, 'num_leaves': 114, 'subsample': 0.8888660625565105}
Epoch : 1664: f1_weighted Score 0.808 params {'colsample_bytree': 0.7319312607825224, 'learning_rate': 0.01128481385181156, 'max_depth': 6, 'min_child_samples': 8, 'n_estimators': 200, 'num_leaves': 24, 'subsample': 0.9485703864280532}
Epoch : 1665: f1_weighted Score 0.805 params {'colsample_bytree': 0.7182005717723027, 'learning_rate': 0.01127939250595995, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 68, 'subsample': 0.9698428077062139}
Epoch : 1666: f1_weighted Score 0.808 params {'colsample_bytree': 0.8190175502564404, 'learning_rate': 0.005305453990676196, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 550, 'num_leaves': 74, 'subsample': 0.9155837447930166}
Epoch : 1667: f1_weighted Score 0.812 params {'colsample_bytree': 0.7104523669420969, 'learning_rate': 0.009122654728074083, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 58, 'subsample': 0.9603258051740214}
Epoch : 1668: f1_weighted Score 0.814 params {'colsample_bytree': 0.792794243996275, 'learning_rate': 0.016422112026419897, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 118, 'subsample': 0.9134455346223068}
Epoch : 1669: f1_weighted Score 0.779 params {'colsample_bytree': 0.5611348143883161, 'learning_rate': 0.012903950194973535, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 122, 'subsample': 0.9031947452376471}
Epoch : 1670: f1_weighted Score 0.796 params {'colsample_bytree': 0.7184823395257486, 'learning_rate': 0.014327407481711449, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 118, 'subsample': 0.9633174764070155}
Epoch : 1671: f1_weighted Score 0.812 params {'colsample_bytree': 0.7145913849331631, 'learning_rate': 0.012311944099043558, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 225, 'num_leaves': 24, 'subsample': 0.9522495701176883}
Epoch : 1672: f1_weighted Score 0.796 params {'colsample_bytree': 0.8362860915035997, 'learning_rate': 0.030985030449575644, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 76, 'subsample': 0.9809518895633863}
Epoch : 1673: f1_weighted Score 0.811 params {'colsample_bytree': 0.5134216978279982, 'learning_rate': 0.0070347131602817616, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 96, 'subsample': 0.9094830038385302}
Epoch : 1674: f1_weighted Score 0.811 params {'colsample_bytree': 0.6892919740451409, 'learning_rate': 0.009422748223144218, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 14, 'subsample': 0.9517410231818625}
Epoch : 1675: f1_weighted Score 0.812 params {'colsample_bytree': 0.6506217770237859, 'learning_rate': 0.005599131433142911, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 114, 'subsample': 0.9205852163876476}
Epoch : 1676: f1_weighted Score 0.812 params {'colsample_bytree': 0.7549552637125906, 'learning_rate': 0.015821079533282642, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 40, 'subsample': 0.9202059379353597}
Epoch : 1677: f1_weighted Score 0.812 params {'colsample_bytree': 0.6143281192387838, 'learning_rate': 0.007084402703998619, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 8, 'subsample': 0.9149183352326511}
Epoch : 1678: f1_weighted Score 0.812 params {'colsample_bytree': 0.7978971795420721, 'learning_rate': 0.010690287759382867, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 22, 'subsample': 0.954551144207206}
Epoch : 1679: f1_weighted Score 0.808 params {'colsample_bytree': 0.8735283816957379, 'learning_rate': 0.009725204657341554, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 14, 'subsample': 0.9124041008866153}
Epoch : 1680: f1_weighted Score 0.812 params {'colsample_bytree': 0.7551598082355069, 'learning_rate': 0.007400068673506856, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 102, 'subsample': 0.9119866646056208}
Epoch : 1681: f1_weighted Score 0.812 params {'colsample_bytree': 0.5931509317998288, 'learning_rate': 0.01484214985456903, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 114, 'subsample': 0.9323114422472284}
Epoch : 1682: f1_weighted Score 0.812 params {'colsample_bytree': 0.7433158886066102, 'learning_rate': 0.020258521628344364, 'max_depth': 3, 'min_child_samples': 24, 'n_estimators': 150, 'num_leaves': 18, 'subsample': 0.809076656495039}
Epoch : 1683: f1_weighted Score 0.814 params {'colsample_bytree': 0.6805903399972042, 'learning_rate': 0.008831696041488115, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 14, 'subsample': 0.9679729070750674}
Epoch : 1684: f1_weighted Score 0.806 params {'colsample_bytree': 0.7741296978591643, 'learning_rate': 0.011176309393281791, 'max_depth': 7, 'min_child_samples': 18, 'n_estimators': 225, 'num_leaves': 30, 'subsample': 0.940963701821127}
Epoch : 1685: f1_weighted Score 0.811 params {'colsample_bytree': 0.7284484012668737, 'learning_rate': 0.005306195336272331, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 675, 'num_leaves': 116, 'subsample': 0.9910135762022069}
Epoch : 1686: f1_weighted Score 0.812 params {'colsample_bytree': 0.6400304171550224, 'learning_rate': 0.005353168643301943, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 525, 'num_leaves': 114, 'subsample': 0.9857694427938256}
Epoch : 1687: f1_weighted Score 0.812 params {'colsample_bytree': 0.6275664339900279, 'learning_rate': 0.008359154354971877, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 110, 'subsample': 0.9434341364589384}
Epoch : 1688: f1_weighted Score 0.814 params {'colsample_bytree': 0.6059709950568225, 'learning_rate': 0.014474523078377153, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 70, 'subsample': 0.9482580246900594}
Epoch : 1689: f1_weighted Score 0.812 params {'colsample_bytree': 0.6686960458601882, 'learning_rate': 0.010209077646154316, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 72, 'subsample': 0.9626426561812402}
Epoch : 1690: f1_weighted Score 0.812 params {'colsample_bytree': 0.688573945794805, 'learning_rate': 0.020211436736720854, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 26, 'subsample': 0.9130229287983769}
Epoch : 1691: f1_weighted Score 0.814 params {'colsample_bytree': 0.7879558530022415, 'learning_rate': 0.011459827089400845, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 20, 'subsample': 0.92765766066528}
Epoch : 1692: f1_weighted Score 0.814 params {'colsample_bytree': 0.7074212606645978, 'learning_rate': 0.0077397542819772226, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 128, 'subsample': 0.9743650319793632}
Epoch : 1693: f1_weighted Score 0.808 params {'colsample_bytree': 0.7222516747109061, 'learning_rate': 0.007648701330733285, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 128, 'subsample': 0.9932316982755937}
Epoch : 1694: f1_weighted Score 0.812 params {'colsample_bytree': 0.6686940163416443, 'learning_rate': 0.016930085950450716, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 76, 'subsample': 0.8993443971592721}
Epoch : 1695: f1_weighted Score 0.796 params {'colsample_bytree': 0.6575023521085666, 'learning_rate': 0.02041813483735433, 'max_depth': 11, 'min_child_samples': 24, 'n_estimators': 575, 'num_leaves': 120, 'subsample': 0.9873177250729495}
Epoch : 1696: f1_weighted Score 0.812 params {'colsample_bytree': 0.4317768857885872, 'learning_rate': 0.00897593264909558, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 80, 'subsample': 0.9778902340649633}
Epoch : 1697: f1_weighted Score 0.806 params {'colsample_bytree': 0.7383856219826218, 'learning_rate': 0.015641881529944588, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 24, 'subsample': 0.9545816154329474}
Epoch : 1698: f1_weighted Score 0.812 params {'colsample_bytree': 0.6071422811172508, 'learning_rate': 0.02057996004885599, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 58, 'subsample': 0.9512019473371806}
Epoch : 1699: f1_weighted Score 0.814 params {'colsample_bytree': 0.7305749937916926, 'learning_rate': 0.00823749316644941, 'max_depth': 15, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 104, 'subsample': 0.8321961939320401}
Epoch : 1700: f1_weighted Score 0.814 params {'colsample_bytree': 0.5838757560017288, 'learning_rate': 0.02572114722802787, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 44, 'subsample': 0.9589280071371701}
Epoch : 1701: f1_weighted Score 0.811 params {'colsample_bytree': 0.5833605856175188, 'learning_rate': 0.008642278310794812, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 18, 'subsample': 0.9208130370108688}
Epoch : 1702: f1_weighted Score 0.812 params {'colsample_bytree': 0.6987655854071372, 'learning_rate': 0.010502838044768514, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 66, 'subsample': 0.9699394536272045}
Epoch : 1703: f1_weighted Score 0.812 params {'colsample_bytree': 0.8380778197680074, 'learning_rate': 0.006934582354143536, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 10, 'subsample': 0.8885571425605593}
Epoch : 1704: f1_weighted Score 0.812 params {'colsample_bytree': 0.808274222554864, 'learning_rate': 0.009072020512900231, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 16, 'subsample': 0.9361624393878295}
Epoch : 1705: f1_weighted Score 0.814 params {'colsample_bytree': 0.6370041291137227, 'learning_rate': 0.006016179323279621, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 475, 'num_leaves': 84, 'subsample': 0.9940861732252271}
Epoch : 1706: f1_weighted Score 0.795 params {'colsample_bytree': 0.5932011490377598, 'learning_rate': 0.02499258090911623, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 102, 'subsample': 0.8017509695489144}
Epoch : 1707: f1_weighted Score 0.812 params {'colsample_bytree': 0.6503966031030407, 'learning_rate': 0.009591369817382218, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 24, 'subsample': 0.953383829156223}
Epoch : 1708: f1_weighted Score 0.808 params {'colsample_bytree': 0.6804014296911772, 'learning_rate': 0.0246783705384328, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 100, 'subsample': 0.9170933846372799}
Epoch : 1709: f1_weighted Score 0.812 params {'colsample_bytree': 0.7471131953846702, 'learning_rate': 0.008687060338782243, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 68, 'subsample': 0.9073437795000749}
Epoch : 1710: f1_weighted Score 0.809 params {'colsample_bytree': 0.7050871687737258, 'learning_rate': 0.00653589887601176, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 425, 'num_leaves': 68, 'subsample': 0.9958318520457641}
Epoch : 1711: f1_weighted Score 0.812 params {'colsample_bytree': 0.6984237330379428, 'learning_rate': 0.006557973856785869, 'max_depth': 19, 'min_child_samples': 26, 'n_estimators': 400, 'num_leaves': 66, 'subsample': 0.9934136831146436}
Epoch : 1712: f1_weighted Score 0.812 params {'colsample_bytree': 0.7402821780635295, 'learning_rate': 0.00811672866932019, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 102, 'subsample': 0.9433639509075566}
Epoch : 1713: f1_weighted Score 0.812 params {'colsample_bytree': 0.5553792600437902, 'learning_rate': 0.013437946632625616, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 124, 'subsample': 0.9290744934289518}
Epoch : 1714: f1_weighted Score 0.812 params {'colsample_bytree': 0.8027769299937239, 'learning_rate': 0.019072982858884185, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 120, 'subsample': 0.9362210167072493}
Epoch : 1715: f1_weighted Score 0.660 params {'colsample_bytree': 0.6618512725278611, 'learning_rate': 0.0125492410725559, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 116, 'subsample': 0.893883409338057}
Epoch : 1716: f1_weighted Score 0.812 params {'colsample_bytree': 0.8294032495668747, 'learning_rate': 0.02718797977424012, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 50, 'num_leaves': 26, 'subsample': 0.9263247790566095}
Epoch : 1717: f1_weighted Score 0.811 params {'colsample_bytree': 0.5942471292307081, 'learning_rate': 0.006741840520904943, 'max_depth': 9, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 124, 'subsample': 0.9034478749645416}
Epoch : 1718: f1_weighted Score 0.812 params {'colsample_bytree': 0.6900360575399366, 'learning_rate': 0.011441698057920608, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 50, 'subsample': 0.945758857794978}
Epoch : 1719: f1_weighted Score 0.812 params {'colsample_bytree': 0.7744780207764599, 'learning_rate': 0.011905801632671556, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 92, 'subsample': 0.9233176930017333}
Epoch : 1720: f1_weighted Score 0.814 params {'colsample_bytree': 0.6900403464685416, 'learning_rate': 0.0076484471892467225, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 54, 'subsample': 0.9691815504725653}
Epoch : 1721: f1_weighted Score 0.812 params {'colsample_bytree': 0.6066913358335448, 'learning_rate': 0.009658499691626068, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 8, 'subsample': 0.9320899734935959}
Epoch : 1722: f1_weighted Score 0.812 params {'colsample_bytree': 0.7295375238507813, 'learning_rate': 0.009313824866765298, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 34, 'subsample': 0.9278119712386934}
Epoch : 1723: f1_weighted Score 0.811 params {'colsample_bytree': 0.7126584082216985, 'learning_rate': 0.010487609217246589, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 100, 'subsample': 0.9491197574075847}
Epoch : 1724: f1_weighted Score 0.803 params {'colsample_bytree': 0.6837499181372274, 'learning_rate': 0.011969955429798052, 'max_depth': 19, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 108, 'subsample': 0.9783301006991229}
Epoch : 1725: f1_weighted Score 0.812 params {'colsample_bytree': 0.49702052966230087, 'learning_rate': 0.03107407622020319, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 38, 'subsample': 0.9092417187153787}
Epoch : 1726: f1_weighted Score 0.803 params {'colsample_bytree': 0.8164314229099595, 'learning_rate': 0.009603693284492594, 'max_depth': 19, 'min_child_samples': 30, 'n_estimators': 425, 'num_leaves': 12, 'subsample': 0.9421331813191134}
Epoch : 1727: f1_weighted Score 0.812 params {'colsample_bytree': 0.725097618530525, 'learning_rate': 0.007797806103309898, 'max_depth': 11, 'min_child_samples': 24, 'n_estimators': 325, 'num_leaves': 108, 'subsample': 0.9340684978399687}
Epoch : 1728: f1_weighted Score 0.789 params {'colsample_bytree': 0.9461290383495837, 'learning_rate': 0.023900443660724864, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 20, 'subsample': 0.8367065916521521}
Epoch : 1729: f1_weighted Score 0.794 params {'colsample_bytree': 0.7899590354400964, 'learning_rate': 0.01284002937784211, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 650, 'num_leaves': 32, 'subsample': 0.9235723421623072}
Epoch : 1730: f1_weighted Score 0.810 params {'colsample_bytree': 0.4204348634699171, 'learning_rate': 0.01743290686596363, 'max_depth': 12, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 28, 'subsample': 0.9447283864013086}
Epoch : 1731: f1_weighted Score 0.812 params {'colsample_bytree': 0.8303437867927057, 'learning_rate': 0.00975588326002239, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 14, 'subsample': 0.9048031656877976}
Epoch : 1732: f1_weighted Score 0.812 params {'colsample_bytree': 0.8231092921124288, 'learning_rate': 0.007271774853261373, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 18, 'subsample': 0.8979607211643539}
Epoch : 1733: f1_weighted Score 0.810 params {'colsample_bytree': 0.46546490503743176, 'learning_rate': 0.01376701639389706, 'max_depth': 8, 'min_child_samples': 24, 'n_estimators': 175, 'num_leaves': 126, 'subsample': 0.9498469409261108}
Epoch : 1734: f1_weighted Score 0.812 params {'colsample_bytree': 0.8662549646362595, 'learning_rate': 0.014056626201376023, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 14, 'subsample': 0.9136226490722362}
Epoch : 1735: f1_weighted Score 0.814 params {'colsample_bytree': 0.7410624956942404, 'learning_rate': 0.008773402724127317, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 102, 'subsample': 0.9860927329070496}
Epoch : 1736: f1_weighted Score 0.808 params {'colsample_bytree': 0.7572741780918908, 'learning_rate': 0.010567274076245916, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 50, 'subsample': 0.9931379859287185}
Epoch : 1737: f1_weighted Score 0.795 params {'colsample_bytree': 0.7249189123751121, 'learning_rate': 0.010665889195403169, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 800, 'num_leaves': 26, 'subsample': 0.9368611688134661}
Epoch : 1738: f1_weighted Score 0.810 params {'colsample_bytree': 0.4457768204735029, 'learning_rate': 0.015472497967961562, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 36, 'subsample': 0.9632318332092403}
Epoch : 1739: f1_weighted Score 0.785 params {'colsample_bytree': 0.9320749630761435, 'learning_rate': 0.026943051802489893, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 675, 'num_leaves': 114, 'subsample': 0.9055428040574924}
Epoch : 1740: f1_weighted Score 0.814 params {'colsample_bytree': 0.7634323376043577, 'learning_rate': 0.01723604103240396, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 36, 'subsample': 0.9434281298441979}
Epoch : 1741: f1_weighted Score 0.810 params {'colsample_bytree': 0.6670416963636124, 'learning_rate': 0.013208769706536136, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 42, 'subsample': 0.9100064882274672}
Epoch : 1742: f1_weighted Score 0.812 params {'colsample_bytree': 0.7066535661829979, 'learning_rate': 0.005737586578654387, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 128, 'subsample': 0.9816270574481069}
Epoch : 1743: f1_weighted Score 0.812 params {'colsample_bytree': 0.7699826817639442, 'learning_rate': 0.010466469455929708, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 22, 'subsample': 0.9270457974384169}
Epoch : 1744: f1_weighted Score 0.799 params {'colsample_bytree': 0.734750337735152, 'learning_rate': 0.008060669709110613, 'max_depth': 19, 'min_child_samples': 16, 'n_estimators': 350, 'num_leaves': 122, 'subsample': 0.9176434106429463}
Epoch : 1745: f1_weighted Score 0.812 params {'colsample_bytree': 0.6812801200402708, 'learning_rate': 0.05611630512434831, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 50, 'num_leaves': 90, 'subsample': 0.8564229964992718}
Epoch : 1746: f1_weighted Score 0.814 params {'colsample_bytree': 0.7444893423208501, 'learning_rate': 0.01176254833472621, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 32, 'subsample': 0.9177611377777152}
Epoch : 1747: f1_weighted Score 0.805 params {'colsample_bytree': 0.780374365970336, 'learning_rate': 0.005107018605672076, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 675, 'num_leaves': 94, 'subsample': 0.9114270443862129}
Epoch : 1748: f1_weighted Score 0.812 params {'colsample_bytree': 0.7465190389252784, 'learning_rate': 0.012429377669828677, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 92, 'subsample': 0.9297932483368896}
Epoch : 1749: f1_weighted Score 0.780 params {'colsample_bytree': 0.8061205416654749, 'learning_rate': 0.11405342668953287, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 82, 'subsample': 0.8941636008703939}
Epoch : 1750: f1_weighted Score 0.811 params {'colsample_bytree': 0.7592870701059903, 'learning_rate': 0.012985362769350705, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 110, 'subsample': 0.9246725802561271}
Epoch : 1751: f1_weighted Score 0.775 params {'colsample_bytree': 0.8001912048811206, 'learning_rate': 0.09717351765497441, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 18, 'subsample': 0.8634767441031465}
Epoch : 1752: f1_weighted Score 0.800 params {'colsample_bytree': 0.791486531442931, 'learning_rate': 0.06725489485308399, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 75, 'num_leaves': 20, 'subsample': 0.9570968448142053}
Epoch : 1753: f1_weighted Score 0.797 params {'colsample_bytree': 0.5655321175123851, 'learning_rate': 0.026960492216541985, 'max_depth': 20, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 112, 'subsample': 0.8502139134348525}
Epoch : 1754: f1_weighted Score 0.785 params {'colsample_bytree': 0.8168536602199064, 'learning_rate': 0.1619625184783354, 'max_depth': 12, 'min_child_samples': 24, 'n_estimators': 450, 'num_leaves': 86, 'subsample': 0.9994528033089185}
Epoch : 1755: f1_weighted Score 0.811 params {'colsample_bytree': 0.7145260145990213, 'learning_rate': 0.00626050890850033, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 450, 'num_leaves': 88, 'subsample': 0.9749790250903118}
Epoch : 1756: f1_weighted Score 0.808 params {'colsample_bytree': 0.8849969071143906, 'learning_rate': 0.036407979250165326, 'max_depth': 10, 'min_child_samples': 26, 'n_estimators': 75, 'num_leaves': 74, 'subsample': 0.9558837054453211}
Epoch : 1757: f1_weighted Score 0.812 params {'colsample_bytree': 0.6222522258053101, 'learning_rate': 0.006833500565008579, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 84, 'subsample': 0.9885145251749539}
Epoch : 1758: f1_weighted Score 0.814 params {'colsample_bytree': 0.7591223793790772, 'learning_rate': 0.008708870403013179, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 34, 'subsample': 0.9183008351817632}
Epoch : 1759: f1_weighted Score 0.793 params {'colsample_bytree': 0.8457266922771415, 'learning_rate': 0.010197405265978711, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 975, 'num_leaves': 100, 'subsample': 0.9288035240632955}
Epoch : 1760: f1_weighted Score 0.808 params {'colsample_bytree': 0.6333253302818026, 'learning_rate': 0.0067827280048580844, 'max_depth': 16, 'min_child_samples': 26, 'n_estimators': 425, 'num_leaves': 112, 'subsample': 0.9790897634626795}
Epoch : 1761: f1_weighted Score 0.812 params {'colsample_bytree': 0.7619413116725275, 'learning_rate': 0.011400930288912385, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 225, 'num_leaves': 22, 'subsample': 0.9370462760109798}
Epoch : 1762: f1_weighted Score 0.803 params {'colsample_bytree': 0.8094970957042479, 'learning_rate': 0.04097298400471942, 'max_depth': 5, 'min_child_samples': 12, 'n_estimators': 75, 'num_leaves': 40, 'subsample': 0.9470934956287387}
Epoch : 1763: f1_weighted Score 0.797 params {'colsample_bytree': 0.7814335691033224, 'learning_rate': 0.04880293275183933, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 175, 'num_leaves': 98, 'subsample': 0.8601060835413055}
Epoch : 1764: f1_weighted Score 0.814 params {'colsample_bytree': 0.6718921307786276, 'learning_rate': 0.008512575534079107, 'max_depth': 11, 'min_child_samples': 24, 'n_estimators': 325, 'num_leaves': 118, 'subsample': 0.9546393960742253}
Epoch : 1765: f1_weighted Score 0.812 params {'colsample_bytree': 0.765091986803094, 'learning_rate': 0.011167076051525355, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 98, 'subsample': 0.9405090115016652}
Epoch : 1766: f1_weighted Score 0.792 params {'colsample_bytree': 0.5846236361760464, 'learning_rate': 0.02147460524546443, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 625, 'num_leaves': 52, 'subsample': 0.9406058441807129}
Epoch : 1767: f1_weighted Score 0.812 params {'colsample_bytree': 0.728074433694001, 'learning_rate': 0.008001653981871231, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 120, 'subsample': 0.9348477562228792}
Epoch : 1768: f1_weighted Score 0.812 params {'colsample_bytree': 0.7988282922084833, 'learning_rate': 0.007100043145640189, 'max_depth': 8, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 76, 'subsample': 0.9181058754314243}
Epoch : 1769: f1_weighted Score 0.809 params {'colsample_bytree': 0.6454236013962036, 'learning_rate': 0.0090858001505405, 'max_depth': 18, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 12, 'subsample': 0.9893494526168803}
Epoch : 1770: f1_weighted Score 0.814 params {'colsample_bytree': 0.7799782533415835, 'learning_rate': 0.005749457437488901, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 450, 'num_leaves': 110, 'subsample': 0.9899535123934394}
Epoch : 1771: f1_weighted Score 0.790 params {'colsample_bytree': 0.7807546303774325, 'learning_rate': 0.0057824817754481275, 'max_depth': 11, 'min_child_samples': 6, 'n_estimators': 525, 'num_leaves': 126, 'subsample': 0.9146767263272992}
Epoch : 1772: f1_weighted Score 0.812 params {'colsample_bytree': 0.8239892335705327, 'learning_rate': 0.01621986209909517, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 22, 'subsample': 0.9224392316540302}
Epoch : 1773: f1_weighted Score 0.809 params {'colsample_bytree': 0.4692166385323522, 'learning_rate': 0.019102840759815526, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 56, 'subsample': 0.9608740292559733}
Epoch : 1774: f1_weighted Score 0.812 params {'colsample_bytree': 0.7010087048174785, 'learning_rate': 0.01005867719237327, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 62, 'subsample': 0.8965622331732476}
Epoch : 1775: f1_weighted Score 0.814 params {'colsample_bytree': 0.7498645607191011, 'learning_rate': 0.013060259771985026, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 175, 'num_leaves': 22, 'subsample': 0.9576301902474373}
Epoch : 1776: f1_weighted Score 0.812 params {'colsample_bytree': 0.7963722810724976, 'learning_rate': 0.00982558039827996, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 16, 'subsample': 0.9221762120260283}
Epoch : 1777: f1_weighted Score 0.812 params {'colsample_bytree': 0.5757749390018359, 'learning_rate': 0.005485893663701265, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 425, 'num_leaves': 118, 'subsample': 0.8848213833623444}
Epoch : 1778: f1_weighted Score 0.814 params {'colsample_bytree': 0.7384803083661893, 'learning_rate': 0.008194731884199774, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 96, 'subsample': 0.9507146972680239}
Epoch : 1779: f1_weighted Score 0.803 params {'colsample_bytree': 0.8045496005413506, 'learning_rate': 0.005057169455813223, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 625, 'num_leaves': 94, 'subsample': 0.8729777002079243}
Epoch : 1780: f1_weighted Score 0.812 params {'colsample_bytree': 0.7165875266754999, 'learning_rate': 0.007550770719205744, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 64, 'subsample': 0.9746331356507948}
Epoch : 1781: f1_weighted Score 0.789 params {'colsample_bytree': 0.8578936626510771, 'learning_rate': 0.01241618075057658, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 875, 'num_leaves': 12, 'subsample': 0.9204524616290687}
Epoch : 1782: f1_weighted Score 0.811 params {'colsample_bytree': 0.52308164269505, 'learning_rate': 0.017806999048607386, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 48, 'subsample': 0.9818478360839519}
Epoch : 1783: f1_weighted Score 0.791 params {'colsample_bytree': 0.7931257985585063, 'learning_rate': 0.10533005478525753, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 24, 'subsample': 0.9117039858239046}
Epoch : 1784: f1_weighted Score 0.812 params {'colsample_bytree': 0.47747238102565565, 'learning_rate': 0.007879435913164637, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 124, 'subsample': 0.9696231091448436}
Epoch : 1785: f1_weighted Score 0.811 params {'colsample_bytree': 0.7137672381506532, 'learning_rate': 0.010357457200862192, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 48, 'subsample': 0.8854357573343188}
Epoch : 1786: f1_weighted Score 0.814 params {'colsample_bytree': 0.7482811680491731, 'learning_rate': 0.010751945819591397, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 26, 'subsample': 0.9296704186002863}
Epoch : 1787: f1_weighted Score 0.812 params {'colsample_bytree': 0.4702276109177575, 'learning_rate': 0.005405679865437836, 'max_depth': 12, 'min_child_samples': 30, 'n_estimators': 625, 'num_leaves': 36, 'subsample': 0.9245612451875517}
Epoch : 1788: f1_weighted Score 0.798 params {'colsample_bytree': 0.491000849572065, 'learning_rate': 0.047161306437135106, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 106, 'subsample': 0.9038561094827317}
Epoch : 1789: f1_weighted Score 0.809 params {'colsample_bytree': 0.6516107513750616, 'learning_rate': 0.0071814128238053615, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 500, 'num_leaves': 116, 'subsample': 0.9829700120548797}
Epoch : 1790: f1_weighted Score 0.812 params {'colsample_bytree': 0.7037892184887834, 'learning_rate': 0.011970152492205993, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 10, 'subsample': 0.9673212237587965}
Epoch : 1791: f1_weighted Score 0.812 params {'colsample_bytree': 0.6377630067809633, 'learning_rate': 0.024149491617865126, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 122, 'subsample': 0.9045062225941556}
Epoch : 1792: f1_weighted Score 0.812 params {'colsample_bytree': 0.8505805429637249, 'learning_rate': 0.021618144561534568, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 50, 'num_leaves': 110, 'subsample': 0.9123765775847645}
Epoch : 1793: f1_weighted Score 0.814 params {'colsample_bytree': 0.733746484627281, 'learning_rate': 0.011161751357323127, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 52, 'subsample': 0.9857219834796218}
Epoch : 1794: f1_weighted Score 0.814 params {'colsample_bytree': 0.728255321575365, 'learning_rate': 0.009295668416674367, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 52, 'subsample': 0.9862434030174205}
Epoch : 1795: f1_weighted Score 0.809 params {'colsample_bytree': 0.7437663053572425, 'learning_rate': 0.009304007258927105, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 56, 'subsample': 0.9910422636043721}
Epoch : 1796: f1_weighted Score 0.812 params {'colsample_bytree': 0.7720885102508497, 'learning_rate': 0.008905147726191921, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 102, 'subsample': 0.9262548848975257}
Epoch : 1797: f1_weighted Score 0.812 params {'colsample_bytree': 0.6691041482898868, 'learning_rate': 0.008334755899321325, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 106, 'subsample': 0.9740063176614069}
Epoch : 1798: f1_weighted Score 0.812 params {'colsample_bytree': 0.7485301409296128, 'learning_rate': 0.006252528803327274, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 92, 'subsample': 0.9181908333813344}
Epoch : 1799: f1_weighted Score 0.814 params {'colsample_bytree': 0.6934646418200854, 'learning_rate': 0.014301770977768254, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 126, 'subsample': 0.9656674129778828}
Epoch : 1800: f1_weighted Score 0.814 params {'colsample_bytree': 0.7319159479661422, 'learning_rate': 0.011719973963210622, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 112, 'subsample': 0.9395446176241672}
Epoch : 1801: f1_weighted Score 0.812 params {'colsample_bytree': 0.7661122001437498, 'learning_rate': 0.010530257923754805, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 104, 'subsample': 0.9602782382032088}
Epoch : 1802: f1_weighted Score 0.812 params {'colsample_bytree': 0.8773275699313299, 'learning_rate': 0.03407053083242129, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 50, 'num_leaves': 60, 'subsample': 0.9149146004213471}
Epoch : 1803: f1_weighted Score 0.812 params {'colsample_bytree': 0.7596230539746431, 'learning_rate': 0.013171514823508926, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 10, 'subsample': 0.9480432299417534}
Epoch : 1804: f1_weighted Score 0.812 params {'colsample_bytree': 0.9050635638469438, 'learning_rate': 0.026190815335767018, 'max_depth': 10, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 124, 'subsample': 0.8519936451120477}
Epoch : 1805: f1_weighted Score 0.812 params {'colsample_bytree': 0.6082513961056751, 'learning_rate': 0.02324483842017473, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 128, 'subsample': 0.8420041891382649}
Epoch : 1806: f1_weighted Score 0.799 params {'colsample_bytree': 0.6944146896711545, 'learning_rate': 0.008610397762918673, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 775, 'num_leaves': 18, 'subsample': 0.9326366270041215}
Epoch : 1807: f1_weighted Score 0.814 params {'colsample_bytree': 0.8265954816054426, 'learning_rate': 0.009391097669800815, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 16, 'subsample': 0.928555312296419}
Epoch : 1808: f1_weighted Score 0.797 params {'colsample_bytree': 0.7585855451783307, 'learning_rate': 0.011569246048146109, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 42, 'subsample': 0.9380608048796011}
Epoch : 1809: f1_weighted Score 0.812 params {'colsample_bytree': 0.6808944645874531, 'learning_rate': 0.02198734203868765, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 150, 'num_leaves': 62, 'subsample': 0.9603601566146035}
Epoch : 1810: f1_weighted Score 0.807 params {'colsample_bytree': 0.4838399141879454, 'learning_rate': 0.014029487811660597, 'max_depth': 7, 'min_child_samples': 16, 'n_estimators': 200, 'num_leaves': 28, 'subsample': 0.9369961385357874}
Epoch : 1811: f1_weighted Score 0.796 params {'colsample_bytree': 0.7219517530973374, 'learning_rate': 0.05765918225007367, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 100, 'num_leaves': 72, 'subsample': 0.8733621899417797}
Epoch : 1812: f1_weighted Score 0.814 params {'colsample_bytree': 0.6129725226133772, 'learning_rate': 0.005964205942180609, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 425, 'num_leaves': 126, 'subsample': 0.8945344811860767}
Epoch : 1813: f1_weighted Score 0.797 params {'colsample_bytree': 0.6687715248824692, 'learning_rate': 0.009749413397213252, 'max_depth': 16, 'min_child_samples': 18, 'n_estimators': 400, 'num_leaves': 116, 'subsample': 0.943847437319458}
Epoch : 1814: f1_weighted Score 0.812 params {'colsample_bytree': 0.6918387750212877, 'learning_rate': 0.00759527595599717, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 8, 'subsample': 0.9661256912576662}
Epoch : 1815: f1_weighted Score 0.812 params {'colsample_bytree': 0.779265569299778, 'learning_rate': 0.00873061867946177, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 94, 'subsample': 0.9320125187197255}
Epoch : 1816: f1_weighted Score 0.812 params {'colsample_bytree': 0.9214463088044929, 'learning_rate': 0.029461192738473838, 'max_depth': 3, 'min_child_samples': 24, 'n_estimators': 125, 'num_leaves': 90, 'subsample': 0.9298993799212825}
Epoch : 1817: f1_weighted Score 0.812 params {'colsample_bytree': 0.7968415750476834, 'learning_rate': 0.01264239822545267, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 175, 'num_leaves': 28, 'subsample': 0.9151170102724447}
Epoch : 1818: f1_weighted Score 0.811 params {'colsample_bytree': 0.623053779615625, 'learning_rate': 0.005332922136721741, 'max_depth': 12, 'min_child_samples': 24, 'n_estimators': 550, 'num_leaves': 66, 'subsample': 0.849749775266379}
Epoch : 1819: f1_weighted Score 0.802 params {'colsample_bytree': 0.5860040016683082, 'learning_rate': 0.006293945936492387, 'max_depth': 12, 'min_child_samples': 24, 'n_estimators': 550, 'num_leaves': 72, 'subsample': 0.8206953924517545}
Epoch : 1820: f1_weighted Score 0.811 params {'colsample_bytree': 0.8513154107642452, 'learning_rate': 0.0318674633569952, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 90, 'subsample': 0.9232897589125967}
Epoch : 1821: f1_weighted Score 0.814 params {'colsample_bytree': 0.7024185090527557, 'learning_rate': 0.00985706652377375, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 60, 'subsample': 0.971150889283146}
Epoch : 1822: f1_weighted Score 0.811 params {'colsample_bytree': 0.7745031327946456, 'learning_rate': 0.0108825838167013, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 128, 'subsample': 0.910510993890527}
Epoch : 1823: f1_weighted Score 0.812 params {'colsample_bytree': 0.7166138640354328, 'learning_rate': 0.01226056588426518, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 58, 'subsample': 0.8997881966617479}
Epoch : 1824: f1_weighted Score 0.772 params {'colsample_bytree': 0.8374234303251139, 'learning_rate': 0.09222361741649189, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 1450, 'num_leaves': 22, 'subsample': 0.9583891163249031}
Epoch : 1825: f1_weighted Score 0.788 params {'colsample_bytree': 0.7839687432570269, 'learning_rate': 0.01349709888019456, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 825, 'num_leaves': 104, 'subsample': 0.9396433718151176}
Epoch : 1826: f1_weighted Score 0.810 params {'colsample_bytree': 0.46978414077968217, 'learning_rate': 0.0513441420533678, 'max_depth': 9, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 118, 'subsample': 0.8575382147818481}
Epoch : 1827: f1_weighted Score 0.814 params {'colsample_bytree': 0.698512761942514, 'learning_rate': 0.01296907930747833, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 26, 'subsample': 0.952654069407325}
Epoch : 1828: f1_weighted Score 0.814 params {'colsample_bytree': 0.6060030386524984, 'learning_rate': 0.007128852508520197, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 62, 'subsample': 0.963318037244298}
Epoch : 1829: f1_weighted Score 0.812 params {'colsample_bytree': 0.5748561175100616, 'learning_rate': 0.006867729971796212, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 18, 'subsample': 0.9211205775702983}
Epoch : 1830: f1_weighted Score 0.810 params {'colsample_bytree': 0.6271996717757856, 'learning_rate': 0.016812235781533513, 'max_depth': 8, 'min_child_samples': 24, 'n_estimators': 100, 'num_leaves': 90, 'subsample': 0.8986805536094477}
Epoch : 1831: f1_weighted Score 0.812 params {'colsample_bytree': 0.555356684471492, 'learning_rate': 0.0063710311877785576, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 20, 'subsample': 0.902249735162595}
Epoch : 1832: f1_weighted Score 0.810 params {'colsample_bytree': 0.4542528509028917, 'learning_rate': 0.01608624899540907, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 32, 'subsample': 0.9464328748901016}
Epoch : 1833: f1_weighted Score 0.802 params {'colsample_bytree': 0.8972427649696704, 'learning_rate': 0.03600390193121672, 'max_depth': 3, 'min_child_samples': 26, 'n_estimators': 200, 'num_leaves': 92, 'subsample': 0.9980670174853168}
Epoch : 1834: f1_weighted Score 0.812 params {'colsample_bytree': 0.7166873843616448, 'learning_rate': 0.009098749189648887, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 60, 'subsample': 0.979308954702305}
Epoch : 1835: f1_weighted Score 0.814 params {'colsample_bytree': 0.6595806997164941, 'learning_rate': 0.007669557670100712, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 122, 'subsample': 0.9443613277184706}
Epoch : 1836: f1_weighted Score 0.811 params {'colsample_bytree': 0.7071904581893877, 'learning_rate': 0.007536896785958807, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 78, 'subsample': 0.9774874433283884}
Epoch : 1837: f1_weighted Score 0.794 params {'colsample_bytree': 0.619249188811319, 'learning_rate': 0.015452929249579866, 'max_depth': 20, 'min_child_samples': 30, 'n_estimators': 575, 'num_leaves': 124, 'subsample': 0.9193270169231595}
Epoch : 1838: f1_weighted Score 0.812 params {'colsample_bytree': 0.8088143953258546, 'learning_rate': 0.01475095873313855, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 12, 'subsample': 0.9495158896258309}
Epoch : 1839: f1_weighted Score 0.812 params {'colsample_bytree': 0.8642999718465334, 'learning_rate': 0.014207361322729416, 'max_depth': 19, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 14, 'subsample': 0.9160972019568367}
Epoch : 1840: f1_weighted Score 0.806 params {'colsample_bytree': 0.6794208665809316, 'learning_rate': 0.006579514144458076, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 82, 'subsample': 0.9963068192786262}
Epoch : 1841: f1_weighted Score 0.805 params {'colsample_bytree': 0.6659836162127988, 'learning_rate': 0.007893394529742402, 'max_depth': 15, 'min_child_samples': 14, 'n_estimators': 325, 'num_leaves': 14, 'subsample': 0.9543807345251287}
Epoch : 1842: f1_weighted Score 0.812 params {'colsample_bytree': 0.5488680715148208, 'learning_rate': 0.008049782967138052, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 120, 'subsample': 0.901466729769277}
Epoch : 1843: f1_weighted Score 0.814 params {'colsample_bytree': 0.6790478346564724, 'learning_rate': 0.008004421589344723, 'max_depth': 19, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 24, 'subsample': 0.9723579468076738}
Epoch : 1844: f1_weighted Score 0.812 params {'colsample_bytree': 0.6431547544719355, 'learning_rate': 0.0063419064093279435, 'max_depth': 19, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 20, 'subsample': 0.9065115314794688}
Epoch : 1845: f1_weighted Score 0.812 params {'colsample_bytree': 0.6278267600269489, 'learning_rate': 0.006207961752836048, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 84, 'subsample': 0.9998295885537392}
Epoch : 1846: f1_weighted Score 0.796 params {'colsample_bytree': 0.7701801263800738, 'learning_rate': 0.005768125942016559, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 850, 'num_leaves': 106, 'subsample': 0.918289949532389}
Epoch : 1847: f1_weighted Score 0.812 params {'colsample_bytree': 0.7379124068731714, 'learning_rate': 0.0075187764663795465, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 70, 'subsample': 0.9093563528207006}
Epoch : 1848: f1_weighted Score 0.812 params {'colsample_bytree': 0.5579234990726534, 'learning_rate': 0.025512107353271, 'max_depth': 20, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 18, 'subsample': 0.9260091425803295}
Epoch : 1849: f1_weighted Score 0.812 params {'colsample_bytree': 0.8207501395005141, 'learning_rate': 0.011658166150082628, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 20, 'subsample': 0.9338682314036083}
Epoch : 1850: f1_weighted Score 0.812 params {'colsample_bytree': 0.6565838876435158, 'learning_rate': 0.016169342772484642, 'max_depth': 12, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 128, 'subsample': 0.9658731521503856}
Epoch : 1851: f1_weighted Score 0.802 params {'colsample_bytree': 0.6353539369139121, 'learning_rate': 0.010403083660595714, 'max_depth': 11, 'min_child_samples': 20, 'n_estimators': 275, 'num_leaves': 108, 'subsample': 0.8923842143566879}
Epoch : 1852: f1_weighted Score 0.810 params {'colsample_bytree': 0.34668472842507214, 'learning_rate': 0.005721015399988115, 'max_depth': 11, 'min_child_samples': 24, 'n_estimators': 450, 'num_leaves': 110, 'subsample': 0.8822843444977927}
Epoch : 1853: f1_weighted Score 0.809 params {'colsample_bytree': 0.6497081712055491, 'learning_rate': 0.00553142816402194, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 500, 'num_leaves': 104, 'subsample': 0.9956808454775239}
Epoch : 1854: f1_weighted Score 0.812 params {'colsample_bytree': 0.8124555475595374, 'learning_rate': 0.018889749670063332, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 44, 'subsample': 0.9718756485473221}
Epoch : 1855: f1_weighted Score 0.812 params {'colsample_bytree': 0.7851487877873808, 'learning_rate': 0.014337078120650949, 'max_depth': 8, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 98, 'subsample': 0.9641055587840214}
Epoch : 1856: f1_weighted Score 0.812 params {'colsample_bytree': 0.8030489674062498, 'learning_rate': 0.012473346356149847, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 126, 'subsample': 0.8831931551700485}
Epoch : 1857: f1_weighted Score 0.811 params {'colsample_bytree': 0.7020688848826797, 'learning_rate': 0.01105265590793997, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 106, 'subsample': 0.9762240584955576}
Epoch : 1858: f1_weighted Score 0.802 params {'colsample_bytree': 0.6672677518408059, 'learning_rate': 0.009868844458741411, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 700, 'num_leaves': 16, 'subsample': 0.9466611705407962}
Epoch : 1859: f1_weighted Score 0.814 params {'colsample_bytree': 0.752251436666993, 'learning_rate': 0.009042033678188585, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 32, 'subsample': 0.8932150295897839}
Epoch : 1860: f1_weighted Score 0.806 params {'colsample_bytree': 0.7568608969276357, 'learning_rate': 0.011839294203874256, 'max_depth': 9, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 30, 'subsample': 0.9327818471645927}
Epoch : 1861: f1_weighted Score 0.794 params {'colsample_bytree': 0.7463939966153534, 'learning_rate': 0.013611377188716304, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 750, 'num_leaves': 114, 'subsample': 0.9414640170211046}
Epoch : 1862: f1_weighted Score 0.814 params {'colsample_bytree': 0.5375298811054019, 'learning_rate': 0.0070544678826716676, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 30, 'subsample': 0.9206665395309667}
Epoch : 1863: f1_weighted Score 0.812 params {'colsample_bytree': 0.5347187708427006, 'learning_rate': 0.006965824786829598, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 475, 'num_leaves': 32, 'subsample': 0.9457486475576461}
Epoch : 1864: f1_weighted Score 0.812 params {'colsample_bytree': 0.6420918905130708, 'learning_rate': 0.008568782750009463, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 120, 'subsample': 0.9743465404491937}
Epoch : 1865: f1_weighted Score 0.812 params {'colsample_bytree': 0.7913522301556366, 'learning_rate': 0.007930582518859586, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 98, 'subsample': 0.818663754952399}
Epoch : 1866: f1_weighted Score 0.763 params {'colsample_bytree': 0.5110804365247326, 'learning_rate': 0.04846064094965651, 'max_depth': 19, 'min_child_samples': 22, 'n_estimators': 850, 'num_leaves': 10, 'subsample': 0.9308275678346023}
Epoch : 1867: f1_weighted Score 0.812 params {'colsample_bytree': 0.7497174944865326, 'learning_rate': 0.005002571050645904, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 88, 'subsample': 0.8963600646519508}
Epoch : 1868: f1_weighted Score 0.812 params {'colsample_bytree': 0.8411016566095885, 'learning_rate': 0.02056317672857916, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 96, 'subsample': 0.941703756544829}
Epoch : 1869: f1_weighted Score 0.812 params {'colsample_bytree': 0.5201850383650631, 'learning_rate': 0.010828124592062185, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 44, 'subsample': 0.8885223442405908}
Epoch : 1870: f1_weighted Score 0.814 params {'colsample_bytree': 0.8037691997399923, 'learning_rate': 0.017188061106645166, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 100, 'subsample': 0.9513308706588306}
Epoch : 1871: f1_weighted Score 0.774 params {'colsample_bytree': 0.8278847720217237, 'learning_rate': 0.061719844417646844, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 1150, 'num_leaves': 104, 'subsample': 0.8627447487067978}
Epoch : 1872: f1_weighted Score 0.783 params {'colsample_bytree': 0.49462412097180164, 'learning_rate': 0.01143015395243295, 'max_depth': 9, 'min_child_samples': 18, 'n_estimators': 1275, 'num_leaves': 34, 'subsample': 0.935740412006647}
Epoch : 1873: f1_weighted Score 0.811 params {'colsample_bytree': 0.763814681720447, 'learning_rate': 0.012906974996501796, 'max_depth': 6, 'min_child_samples': 20, 'n_estimators': 200, 'num_leaves': 38, 'subsample': 0.9380409918527717}
Epoch : 1874: f1_weighted Score 0.812 params {'colsample_bytree': 0.7156011894149737, 'learning_rate': 0.006873519491409314, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 56, 'subsample': 0.9812559315580274}
Epoch : 1875: f1_weighted Score 0.814 params {'colsample_bytree': 0.8237977063044379, 'learning_rate': 0.016773049528684345, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 126, 'subsample': 0.956054216014974}
Epoch : 1876: f1_weighted Score 0.810 params {'colsample_bytree': 0.8719167710420441, 'learning_rate': 0.01909534105517257, 'max_depth': 7, 'min_child_samples': 22, 'n_estimators': 125, 'num_leaves': 128, 'subsample': 0.839226297370649}
Epoch : 1877: f1_weighted Score 0.812 params {'colsample_bytree': 0.787871459436204, 'learning_rate': 0.012220415784387317, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 78, 'subsample': 0.8904779658458374}
Epoch : 1878: f1_weighted Score 0.812 params {'colsample_bytree': 0.6916261362857862, 'learning_rate': 0.006405643321486699, 'max_depth': 20, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 104, 'subsample': 0.9074823517840862}
Epoch : 1879: f1_weighted Score 0.811 params {'colsample_bytree': 0.5980684737319728, 'learning_rate': 0.00676408822385352, 'max_depth': 15, 'min_child_samples': 26, 'n_estimators': 400, 'num_leaves': 48, 'subsample': 0.932493091811865}
Epoch : 1880: f1_weighted Score 0.810 params {'colsample_bytree': 0.6622851467902023, 'learning_rate': 0.0075458871769786984, 'max_depth': 19, 'min_child_samples': 24, 'n_estimators': 350, 'num_leaves': 74, 'subsample': 0.9802680536627875}
Epoch : 1881: f1_weighted Score 0.809 params {'colsample_bytree': 0.7050471356677438, 'learning_rate': 0.008413052078916778, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 90, 'subsample': 0.9261081325351607}
Epoch : 1882: f1_weighted Score 0.812 params {'colsample_bytree': 0.5804592654098983, 'learning_rate': 0.00730524453814361, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 44, 'subsample': 0.9237826455315298}
Epoch : 1883: f1_weighted Score 0.812 params {'colsample_bytree': 0.8833321926358952, 'learning_rate': 0.02520873567140316, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 102, 'subsample': 0.9393054395762725}
Epoch : 1884: f1_weighted Score 0.806 params {'colsample_bytree': 0.9503392583184057, 'learning_rate': 0.03676507930120105, 'max_depth': 19, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 112, 'subsample': 0.8941313718493938}
Epoch : 1885: f1_weighted Score 0.771 params {'colsample_bytree': 0.5265152529104654, 'learning_rate': 0.07294400593405136, 'max_depth': 4, 'min_child_samples': 14, 'n_estimators': 800, 'num_leaves': 26, 'subsample': 0.8700352287688031}
Epoch : 1886: f1_weighted Score 0.807 params {'colsample_bytree': 0.4263321046379468, 'learning_rate': 0.08057177922052229, 'max_depth': 10, 'min_child_samples': 24, 'n_estimators': 50, 'num_leaves': 38, 'subsample': 0.876806730605763}
Epoch : 1887: f1_weighted Score 0.783 params {'colsample_bytree': 0.8402854435498794, 'learning_rate': 0.08777295828972706, 'max_depth': 12, 'min_child_samples': 24, 'n_estimators': 275, 'num_leaves': 28, 'subsample': 0.8962661838868143}
Epoch : 1888: f1_weighted Score 0.812 params {'colsample_bytree': 0.6805249577324157, 'learning_rate': 0.010994208596890606, 'max_depth': 12, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 118, 'subsample': 0.951698990730604}
Epoch : 1889: f1_weighted Score 0.808 params {'colsample_bytree': 0.5489600546613382, 'learning_rate': 0.021590112098100765, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 100, 'num_leaves': 22, 'subsample': 0.9511365736248641}
Epoch : 1890: f1_weighted Score 0.814 params {'colsample_bytree': 0.733276245135469, 'learning_rate': 0.01078082754916047, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 86, 'subsample': 0.9624811460812}
Epoch : 1891: f1_weighted Score 0.812 params {'colsample_bytree': 0.7228704991418257, 'learning_rate': 0.01112557302765875, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 24, 'subsample': 0.9563162744044695}
Epoch : 1892: f1_weighted Score 0.808 params {'colsample_bytree': 0.6378857990778675, 'learning_rate': 0.02124503004207127, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 100, 'subsample': 0.957176765330195}
Epoch : 1893: f1_weighted Score 0.812 params {'colsample_bytree': 0.7369373195397585, 'learning_rate': 0.008495374568968048, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 112, 'subsample': 0.9340702208258646}
Epoch : 1894: f1_weighted Score 0.811 params {'colsample_bytree': 0.6109116501970835, 'learning_rate': 0.005188539129683038, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 500, 'num_leaves': 78, 'subsample': 0.9915402958833002}
Epoch : 1895: f1_weighted Score 0.812 params {'colsample_bytree': 0.898476985156148, 'learning_rate': 0.027273865372192126, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 16, 'subsample': 0.9134623888061933}
Epoch : 1896: f1_weighted Score 0.808 params {'colsample_bytree': 0.6852223006991427, 'learning_rate': 0.009113194796869678, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 76, 'subsample': 0.9858005943422646}
Epoch : 1897: f1_weighted Score 0.814 params {'colsample_bytree': 0.8292632521842241, 'learning_rate': 0.009200438853532658, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 54, 'subsample': 0.9473702700374622}
Epoch : 1898: f1_weighted Score 0.805 params {'colsample_bytree': 0.8658177307470285, 'learning_rate': 0.009660872794429488, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 116, 'subsample': 0.9639768995526982}
Epoch : 1899: f1_weighted Score 0.812 params {'colsample_bytree': 0.7225963864472166, 'learning_rate': 0.014798967681417757, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 40, 'subsample': 0.9678702514599522}
Epoch : 1900: f1_weighted Score 0.810 params {'colsample_bytree': 0.8350729371055305, 'learning_rate': 0.009609324053217879, 'max_depth': 7, 'min_child_samples': 22, 'n_estimators': 250, 'num_leaves': 20, 'subsample': 0.9432040081316295}
Epoch : 1901: f1_weighted Score 0.812 params {'colsample_bytree': 0.4319429215142465, 'learning_rate': 0.054504975646332395, 'max_depth': 5, 'min_child_samples': 22, 'n_estimators': 50, 'num_leaves': 50, 'subsample': 0.8698475088180029}
Epoch : 1902: f1_weighted Score 0.814 params {'colsample_bytree': 0.770381837651105, 'learning_rate': 0.015393636211165525, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 175, 'num_leaves': 26, 'subsample': 0.9410963877524093}
Epoch : 1903: f1_weighted Score 0.812 params {'colsample_bytree': 0.8170693394673865, 'learning_rate': 0.010104945753773843, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 8, 'subsample': 0.9273270215475469}
Epoch : 1904: f1_weighted Score 0.814 params {'colsample_bytree': 0.9680324483815606, 'learning_rate': 0.009704637973356144, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 30, 'subsample': 0.9377703466276798}
Epoch : 1905: f1_weighted Score 0.811 params {'colsample_bytree': 0.6532678260811577, 'learning_rate': 0.005380986058415408, 'max_depth': 12, 'min_child_samples': 30, 'n_estimators': 600, 'num_leaves': 30, 'subsample': 0.9829641110539846}
Epoch : 1906: f1_weighted Score 0.812 params {'colsample_bytree': 0.736324034410746, 'learning_rate': 0.020138757702396818, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 88, 'subsample': 0.9228915763743661}
Epoch : 1907: f1_weighted Score 0.814 params {'colsample_bytree': 0.7683316608035359, 'learning_rate': 0.01746953394944524, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 24, 'subsample': 0.9535278557569071}
Epoch : 1908: f1_weighted Score 0.812 params {'colsample_bytree': 0.7582116900427706, 'learning_rate': 0.010308567684350746, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 104, 'subsample': 0.9656135780361309}
Epoch : 1909: f1_weighted Score 0.811 params {'colsample_bytree': 0.6101687087291972, 'learning_rate': 0.014298393391859664, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 34, 'subsample': 0.9400907640398513}
Epoch : 1910: f1_weighted Score 0.814 params {'colsample_bytree': 0.5842104740822227, 'learning_rate': 0.006304141532788865, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 78, 'subsample': 0.976716791893814}
Epoch : 1911: f1_weighted Score 0.814 params {'colsample_bytree': 0.6917863741117828, 'learning_rate': 0.005997703581144837, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 76, 'subsample': 0.9775966356996697}
Epoch : 1912: f1_weighted Score 0.788 params {'colsample_bytree': 0.48816790703487983, 'learning_rate': 0.013430586665153356, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 525, 'num_leaves': 28, 'subsample': 0.9308824909643721}
Epoch : 1913: f1_weighted Score 0.812 params {'colsample_bytree': 0.6815560092363622, 'learning_rate': 0.008607427704291421, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 48, 'subsample': 0.9099569480752816}
Epoch : 1914: f1_weighted Score 0.812 params {'colsample_bytree': 0.6758564796884988, 'learning_rate': 0.008550675396034072, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 102, 'subsample': 0.9713689404775109}
Epoch : 1915: f1_weighted Score 0.800 params {'colsample_bytree': 0.8361238405862135, 'learning_rate': 0.015603885034229398, 'max_depth': 17, 'min_child_samples': 4, 'n_estimators': 150, 'num_leaves': 24, 'subsample': 0.9163302068712669}
Epoch : 1916: f1_weighted Score 0.812 params {'colsample_bytree': 0.7176487929066117, 'learning_rate': 0.006695575535917601, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 450, 'num_leaves': 30, 'subsample': 0.937206559684367}
Epoch : 1917: f1_weighted Score 0.811 params {'colsample_bytree': 0.7941663321903784, 'learning_rate': 0.016677222340327605, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 34, 'subsample': 0.9337755743064946}
Epoch : 1918: f1_weighted Score 0.808 params {'colsample_bytree': 0.5917475965749422, 'learning_rate': 0.008664914079970373, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 36, 'subsample': 0.9581431069113906}
Epoch : 1919: f1_weighted Score 0.812 params {'colsample_bytree': 0.77382398550692, 'learning_rate': 0.011370201143095504, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 26, 'subsample': 0.9271288076421059}
Epoch : 1920: f1_weighted Score 0.797 params {'colsample_bytree': 0.5977429888004474, 'learning_rate': 0.01862928970660785, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 120, 'subsample': 0.9713943455751722}
Epoch : 1921: f1_weighted Score 0.812 params {'colsample_bytree': 0.766391168663738, 'learning_rate': 0.010177734727762618, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 22, 'subsample': 0.9436815254794299}
Epoch : 1922: f1_weighted Score 0.811 params {'colsample_bytree': 0.6611486156482655, 'learning_rate': 0.005367811388557173, 'max_depth': 11, 'min_child_samples': 24, 'n_estimators': 525, 'num_leaves': 122, 'subsample': 0.9915789129485837}
Epoch : 1923: f1_weighted Score 0.812 params {'colsample_bytree': 0.7462240862969924, 'learning_rate': 0.019055213974388797, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 36, 'subsample': 0.9035932283445534}
Epoch : 1924: f1_weighted Score 0.812 params {'colsample_bytree': 0.7581209978593334, 'learning_rate': 0.011707783361112972, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 42, 'subsample': 0.9321216092382739}
Epoch : 1925: f1_weighted Score 0.812 params {'colsample_bytree': 0.6711110717005965, 'learning_rate': 0.01528876986125969, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 175, 'num_leaves': 10, 'subsample': 0.9669965996569811}
Epoch : 1926: f1_weighted Score 0.812 params {'colsample_bytree': 0.7809497078784332, 'learning_rate': 0.017172173838160158, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 64, 'subsample': 0.9610045147741473}
Epoch : 1927: f1_weighted Score 0.770 params {'colsample_bytree': 0.3868710696280132, 'learning_rate': 0.013123522559788652, 'max_depth': 14, 'min_child_samples': 6, 'n_estimators': 200, 'num_leaves': 38, 'subsample': 0.937365972963848}
Epoch : 1928: f1_weighted Score 0.812 params {'colsample_bytree': 0.6982394753912652, 'learning_rate': 0.007245648070537462, 'max_depth': 19, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 70, 'subsample': 0.9831180654380165}
Epoch : 1929: f1_weighted Score 0.812 params {'colsample_bytree': 0.712364170675962, 'learning_rate': 0.008360655828953779, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 100, 'subsample': 0.9091360512146657}
Epoch : 1930: f1_weighted Score 0.812 params {'colsample_bytree': 0.5693003932750195, 'learning_rate': 0.006999391544049376, 'max_depth': 8, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 32, 'subsample': 0.9032097273576797}
Epoch : 1931: f1_weighted Score 0.814 params {'colsample_bytree': 0.8662143908057973, 'learning_rate': 0.007200606900423147, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 14, 'subsample': 0.9126172338301347}
Epoch : 1932: f1_weighted Score 0.801 params {'colsample_bytree': 0.6515256847096265, 'learning_rate': 0.013903700594510446, 'max_depth': 8, 'min_child_samples': 8, 'n_estimators': 250, 'num_leaves': 128, 'subsample': 0.9627732969683975}
Epoch : 1933: f1_weighted Score 0.812 params {'colsample_bytree': 0.6871853742036212, 'learning_rate': 0.007353585088699716, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 98, 'subsample': 0.8465785210821136}
Epoch : 1934: f1_weighted Score 0.812 params {'colsample_bytree': 0.7588162323021697, 'learning_rate': 0.011783915110334801, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 52, 'subsample': 0.8453433315102328}
Epoch : 1935: f1_weighted Score 0.812 params {'colsample_bytree': 0.7686292227965692, 'learning_rate': 0.010704466095585286, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 56, 'subsample': 0.9287355988894067}
Epoch : 1936: f1_weighted Score 0.812 params {'colsample_bytree': 0.5431946298941688, 'learning_rate': 0.007435682676147149, 'max_depth': 18, 'min_child_samples': 24, 'n_estimators': 300, 'num_leaves': 62, 'subsample': 0.8059199704405203}
Epoch : 1937: f1_weighted Score 0.805 params {'colsample_bytree': 0.5575236205610264, 'learning_rate': 0.014584695510901826, 'max_depth': 7, 'min_child_samples': 10, 'n_estimators': 200, 'num_leaves': 8, 'subsample': 0.9597787756371815}
Epoch : 1938: f1_weighted Score 0.811 params {'colsample_bytree': 0.6171226909832132, 'learning_rate': 0.015311596728210981, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 86, 'subsample': 0.9519442271609467}
Epoch : 1939: f1_weighted Score 0.808 params {'colsample_bytree': 0.7288131280108574, 'learning_rate': 0.00927696009783413, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 96, 'subsample': 0.9925468653741997}
Epoch : 1940: f1_weighted Score 0.812 params {'colsample_bytree': 0.8503939679850471, 'learning_rate': 0.01637596230579758, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 64, 'subsample': 0.8670735554230584}
Epoch : 1941: f1_weighted Score 0.812 params {'colsample_bytree': 0.7271352922134289, 'learning_rate': 0.012477988059681115, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 200, 'num_leaves': 54, 'subsample': 0.8284630003123673}
Epoch : 1942: f1_weighted Score 0.809 params {'colsample_bytree': 0.7105265908432425, 'learning_rate': 0.017533962147964256, 'max_depth': 8, 'min_child_samples': 24, 'n_estimators': 175, 'num_leaves': 26, 'subsample': 0.9509018528792019}
Epoch : 1943: f1_weighted Score 0.814 params {'colsample_bytree': 0.7476423637777937, 'learning_rate': 0.011185744042727727, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 22, 'subsample': 0.9998786896654982}
Epoch : 1944: f1_weighted Score 0.812 params {'colsample_bytree': 0.8171009935037709, 'learning_rate': 0.05051650046695576, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 112, 'subsample': 0.8660056433855176}
Epoch : 1945: f1_weighted Score 0.798 params {'colsample_bytree': 0.8422342368995169, 'learning_rate': 0.05698473440272181, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 75, 'num_leaves': 108, 'subsample': 0.8583502520145386}
Epoch : 1946: f1_weighted Score 0.814 params {'colsample_bytree': 0.7235565568356366, 'learning_rate': 0.012181489980567343, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 26, 'subsample': 0.9475333962306519}
Epoch : 1947: f1_weighted Score 0.812 params {'colsample_bytree': 0.5096825846705156, 'learning_rate': 0.00907070764197279, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 30, 'subsample': 0.8886965606537561}
Epoch : 1948: f1_weighted Score 0.812 params {'colsample_bytree': 0.5969693360797532, 'learning_rate': 0.010026987894801968, 'max_depth': 9, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 20, 'subsample': 0.948994620204091}
Epoch : 1949: f1_weighted Score 0.812 params {'colsample_bytree': 0.7099522201725058, 'learning_rate': 0.008174347238367288, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 175, 'num_leaves': 46, 'subsample': 0.8283365725076063}
Epoch : 1950: f1_weighted Score 0.812 params {'colsample_bytree': 0.7331327633381758, 'learning_rate': 0.012616145779265196, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 175, 'num_leaves': 52, 'subsample': 0.9567830587983432}
Epoch : 1951: f1_weighted Score 0.809 params {'colsample_bytree': 0.6463818092169693, 'learning_rate': 0.005096123615473106, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 525, 'num_leaves': 96, 'subsample': 0.9854704468250679}
Epoch : 1952: f1_weighted Score 0.814 params {'colsample_bytree': 0.6729128863984772, 'learning_rate': 0.009909475592462727, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 22, 'subsample': 0.9713850043466334}
Epoch : 1953: f1_weighted Score 0.814 params {'colsample_bytree': 0.6690252564692201, 'learning_rate': 0.009734403988495012, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 106, 'subsample': 0.970484652046474}
Epoch : 1954: f1_weighted Score 0.812 params {'colsample_bytree': 0.7000675577386775, 'learning_rate': 0.008051554227612775, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 106, 'subsample': 0.9739353397932409}
Epoch : 1955: f1_weighted Score 0.809 params {'colsample_bytree': 0.6518007781120221, 'learning_rate': 0.005883951489073343, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 450, 'num_leaves': 80, 'subsample': 0.9972863684582182}
Epoch : 1956: f1_weighted Score 0.812 params {'colsample_bytree': 0.7941896344854051, 'learning_rate': 0.014334813398706634, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 82, 'subsample': 0.9893237609809242}
Epoch : 1957: f1_weighted Score 0.805 params {'colsample_bytree': 0.7247418577904006, 'learning_rate': 0.0077563092230091115, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 400, 'num_leaves': 92, 'subsample': 0.9752340253615289}
Epoch : 1958: f1_weighted Score 0.814 params {'colsample_bytree': 0.7125725655088254, 'learning_rate': 0.006820661174916743, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 46, 'subsample': 0.959832409263796}
Epoch : 1959: f1_weighted Score 0.797 params {'colsample_bytree': 0.7435024467991628, 'learning_rate': 0.06434111563828973, 'max_depth': 13, 'min_child_samples': 24, 'n_estimators': 100, 'num_leaves': 42, 'subsample': 0.8642318387080014}
Epoch : 1960: f1_weighted Score 0.796 params {'colsample_bytree': 0.8573374354312487, 'learning_rate': 0.023553467739079546, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 68, 'subsample': 0.8416432246723978}
Epoch : 1961: f1_weighted Score 0.786 params {'colsample_bytree': 0.945963832263746, 'learning_rate': 0.03398605068608184, 'max_depth': 19, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 28, 'subsample': 0.9467995200124679}
Epoch : 1962: f1_weighted Score 0.812 params {'colsample_bytree': 0.7539611789424523, 'learning_rate': 0.023971757707713662, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 114, 'subsample': 0.94273428131304}
Epoch : 1963: f1_weighted Score 0.812 params {'colsample_bytree': 0.9305908531203402, 'learning_rate': 0.012736418784753765, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 175, 'num_leaves': 92, 'subsample': 0.9298017836458576}
Epoch : 1964: f1_weighted Score 0.814 params {'colsample_bytree': 0.8141673481767152, 'learning_rate': 0.005743395482772599, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 60, 'subsample': 0.9956752417800209}
Epoch : 1965: f1_weighted Score 0.775 params {'colsample_bytree': 0.8244376203723398, 'learning_rate': 0.05059595026220712, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 475, 'num_leaves': 64, 'subsample': 0.862220877529402}
Epoch : 1966: f1_weighted Score 0.814 params {'colsample_bytree': 0.7850695418138591, 'learning_rate': 0.013557822935689053, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 16, 'subsample': 0.921649457737505}
Epoch : 1967: f1_weighted Score 0.806 params {'colsample_bytree': 0.7419586929243854, 'learning_rate': 0.010977236270224592, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 94, 'subsample': 0.9274598518818723}
Epoch : 1968: f1_weighted Score 0.812 params {'colsample_bytree': 0.6573009501467391, 'learning_rate': 0.01026005839135351, 'max_depth': 14, 'min_child_samples': 22, 'n_estimators': 200, 'num_leaves': 64, 'subsample': 0.9628369821296513}
Epoch : 1969: f1_weighted Score 0.812 params {'colsample_bytree': 0.6078580492440657, 'learning_rate': 0.01788777854930034, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 124, 'subsample': 0.9577743828801087}
Epoch : 1970: f1_weighted Score 0.811 params {'colsample_bytree': 0.7290702363920885, 'learning_rate': 0.008670305178083705, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 88, 'subsample': 0.9785288205335267}
Epoch : 1971: f1_weighted Score 0.795 params {'colsample_bytree': 0.3023550510291536, 'learning_rate': 0.008101242948894534, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 92, 'subsample': 0.9346207221745154}
Epoch : 1972: f1_weighted Score 0.809 params {'colsample_bytree': 0.6358122445806906, 'learning_rate': 0.005008684633777272, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 575, 'num_leaves': 108, 'subsample': 0.9935993877826625}
Epoch : 1973: f1_weighted Score 0.806 params {'colsample_bytree': 0.6924153707948237, 'learning_rate': 0.01218493422651607, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 126, 'subsample': 0.9694698729996606}
Epoch : 1974: f1_weighted Score 0.812 params {'colsample_bytree': 0.6553982073456422, 'learning_rate': 0.0065865629308022615, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 100, 'subsample': 0.964907592032466}
Epoch : 1975: f1_weighted Score 0.812 params {'colsample_bytree': 0.8056111834919428, 'learning_rate': 0.005935635881225283, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 500, 'num_leaves': 116, 'subsample': 0.9139610655654768}
Epoch : 1976: f1_weighted Score 0.812 params {'colsample_bytree': 0.7058855434123547, 'learning_rate': 0.01528351892359965, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 40, 'subsample': 0.9080650862171201}
Epoch : 1977: f1_weighted Score 0.814 params {'colsample_bytree': 0.799089847881255, 'learning_rate': 0.02213623357229721, 'max_depth': 4, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 60, 'subsample': 0.8340859923546479}
Epoch : 1978: f1_weighted Score 0.814 params {'colsample_bytree': 0.6917839057789439, 'learning_rate': 0.005676691136290747, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 58, 'subsample': 0.9659689249971265}
Epoch : 1979: f1_weighted Score 0.812 params {'colsample_bytree': 0.6941719799220512, 'learning_rate': 0.0058158784231319115, 'max_depth': 10, 'min_child_samples': 26, 'n_estimators': 450, 'num_leaves': 60, 'subsample': 0.9663593889688907}
Epoch : 1980: f1_weighted Score 0.814 params {'colsample_bytree': 0.6753142079776486, 'learning_rate': 0.005105775263665327, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 525, 'num_leaves': 52, 'subsample': 0.9696607025364207}
Epoch : 1981: f1_weighted Score 0.812 params {'colsample_bytree': 0.7823557857882039, 'learning_rate': 0.005259239734508443, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 18, 'subsample': 0.9198384797106285}
Epoch : 1982: f1_weighted Score 0.812 params {'colsample_bytree': 0.7298298080555188, 'learning_rate': 0.00916262110612691, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 275, 'num_leaves': 30, 'subsample': 0.9550979783180252}
Epoch : 1983: f1_weighted Score 0.812 params {'colsample_bytree': 0.7867318364884097, 'learning_rate': 0.01575417547366761, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 118, 'subsample': 0.8989776015109318}
Epoch : 1984: f1_weighted Score 0.811 params {'colsample_bytree': 0.6799269311718481, 'learning_rate': 0.010083979398783763, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 56, 'subsample': 0.9695482824914059}
Epoch : 1985: f1_weighted Score 0.810 params {'colsample_bytree': 0.6264329372738365, 'learning_rate': 0.019064456997994066, 'max_depth': 9, 'min_child_samples': 26, 'n_estimators': 75, 'num_leaves': 122, 'subsample': 0.9680094407218193}
Epoch : 1986: f1_weighted Score 0.805 params {'colsample_bytree': 0.7342944634514698, 'learning_rate': 0.011733993714503118, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 86, 'subsample': 0.9272661313651356}
Epoch : 1987: f1_weighted Score 0.814 params {'colsample_bytree': 0.6636843563620445, 'learning_rate': 0.008034300470528988, 'max_depth': 12, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 14, 'subsample': 0.8823006451573916}
Epoch : 1988: f1_weighted Score 0.810 params {'colsample_bytree': 0.5374187132553634, 'learning_rate': 0.007629588666481765, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 106, 'subsample': 0.8018481716069666}
Epoch : 1989: f1_weighted Score 0.805 params {'colsample_bytree': 0.8416425211706154, 'learning_rate': 0.039351312653972896, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 104, 'subsample': 0.9530304789173747}
Epoch : 1990: f1_weighted Score 0.812 params {'colsample_bytree': 0.7124875414506306, 'learning_rate': 0.009307190249079464, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 58, 'subsample': 0.9831428991292698}
Epoch : 1991: f1_weighted Score 0.797 params {'colsample_bytree': 0.6485276559384009, 'learning_rate': 0.03611399134999422, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 126, 'subsample': 0.9063872202624825}
Epoch : 1992: f1_weighted Score 0.812 params {'colsample_bytree': 0.6723448330366848, 'learning_rate': 0.009019887669377459, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 16, 'subsample': 0.918333083777466}
Epoch : 1993: f1_weighted Score 0.812 params {'colsample_bytree': 0.7759591551996409, 'learning_rate': 0.010427836846094997, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 34, 'subsample': 0.9254955393884264}
Epoch : 1994: f1_weighted Score 0.814 params {'colsample_bytree': 0.713123016443163, 'learning_rate': 0.006458538119911812, 'max_depth': 18, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 96, 'subsample': 0.8573224454171076}
Epoch : 1995: f1_weighted Score 0.799 params {'colsample_bytree': 0.6199809287266435, 'learning_rate': 0.01140039185366241, 'max_depth': 10, 'min_child_samples': 26, 'n_estimators': 1075, 'num_leaves': 114, 'subsample': 0.8955108397511525}
Epoch : 1996: f1_weighted Score 0.807 params {'colsample_bytree': 0.8557961378189438, 'learning_rate': 0.028383340465765412, 'max_depth': 11, 'min_child_samples': 20, 'n_estimators': 75, 'num_leaves': 36, 'subsample': 0.9298267067714788}
Epoch : 1997: f1_weighted Score 0.802 params {'colsample_bytree': 0.6431343041640885, 'learning_rate': 0.006831667140635502, 'max_depth': 10, 'min_child_samples': 16, 'n_estimators': 375, 'num_leaves': 118, 'subsample': 0.9622036842902498}
Epoch : 1998: f1_weighted Score 0.814 params {'colsample_bytree': 0.7237026254303022, 'learning_rate': 0.010636513995231044, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 96, 'subsample': 0.9764681598278474}
Epoch : 1999: f1_weighted Score 0.812 params {'colsample_bytree': 0.7381944981998292, 'learning_rate': 0.006557421354449877, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 84, 'subsample': 0.9864161591849291}
Epoch : 2000: f1_weighted Score 0.805 params {'colsample_bytree': 0.6687896670270094, 'learning_rate': 0.006494840349406075, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 600, 'num_leaves': 16, 'subsample': 0.9845205739627264}
Epoch : 2001: f1_weighted Score 0.812 params {'colsample_bytree': 0.6569747438719168, 'learning_rate': 0.012966764093453159, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 108, 'subsample': 0.9671645941670464}
Epoch : 2002: f1_weighted Score 0.812 params {'colsample_bytree': 0.5650375547179785, 'learning_rate': 0.005054960688528339, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 70, 'subsample': 0.9885047938950272}
Epoch : 2003: f1_weighted Score 0.814 params {'colsample_bytree': 0.7664526992751118, 'learning_rate': 0.00716100626265577, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 24, 'subsample': 0.9415910154476482}
Epoch : 2004: f1_weighted Score 0.812 params {'colsample_bytree': 0.5968478394295696, 'learning_rate': 0.007362742537859186, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 62, 'subsample': 0.956561279688738}
Epoch : 2005: f1_weighted Score 0.814 params {'colsample_bytree': 0.7459170115249099, 'learning_rate': 0.006742622828774427, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 425, 'num_leaves': 26, 'subsample': 0.9427536010826801}
Epoch : 2006: f1_weighted Score 0.812 params {'colsample_bytree': 0.8717652441957383, 'learning_rate': 0.02866549268360959, 'max_depth': 3, 'min_child_samples': 24, 'n_estimators': 100, 'num_leaves': 90, 'subsample': 0.9233144212298242}
Epoch : 2007: f1_weighted Score 0.814 params {'colsample_bytree': 0.8105926267846201, 'learning_rate': 0.01636526968114074, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 110, 'subsample': 0.9540261987630875}
Epoch : 2008: f1_weighted Score 0.812 params {'colsample_bytree': 0.7300117509974352, 'learning_rate': 0.008285734177788651, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 200, 'num_leaves': 92, 'subsample': 0.9466516472836906}
Epoch : 2009: f1_weighted Score 0.812 params {'colsample_bytree': 0.621145904342522, 'learning_rate': 0.008588871492142379, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 34, 'subsample': 0.9037119654423919}
Epoch : 2010: f1_weighted Score 0.812 params {'colsample_bytree': 0.7034511499002903, 'learning_rate': 0.009638772396387166, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 102, 'subsample': 0.987853267193586}
Epoch : 2011: f1_weighted Score 0.814 params {'colsample_bytree': 0.6806109671804594, 'learning_rate': 0.005011177592363911, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 525, 'num_leaves': 106, 'subsample': 0.9176697259734902}
Epoch : 2012: f1_weighted Score 0.812 params {'colsample_bytree': 0.7671825370559763, 'learning_rate': 0.017425627202711663, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 150, 'num_leaves': 98, 'subsample': 0.9532157872657288}
Epoch : 2013: f1_weighted Score 0.814 params {'colsample_bytree': 0.7736648824305913, 'learning_rate': 0.006153970948596441, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 88, 'subsample': 0.9570318662206312}
Epoch : 2014: f1_weighted Score 0.814 params {'colsample_bytree': 0.7540054118868389, 'learning_rate': 0.011647934703310572, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 50, 'subsample': 0.9381989866744205}
Epoch : 2015: f1_weighted Score 0.812 params {'colsample_bytree': 0.5011932183220053, 'learning_rate': 0.009197972186544683, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 46, 'subsample': 0.9494547392572388}
Epoch : 2016: f1_weighted Score 0.814 params {'colsample_bytree': 0.5773507609413453, 'learning_rate': 0.008646287056551513, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 32, 'subsample': 0.8813628472543007}
Epoch : 2017: f1_weighted Score 0.812 params {'colsample_bytree': 0.7813458729995275, 'learning_rate': 0.007491779539400548, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 400, 'num_leaves': 34, 'subsample': 0.8690247197374583}
Epoch : 2018: f1_weighted Score 0.814 params {'colsample_bytree': 0.693436132205365, 'learning_rate': 0.00813413484446895, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 100, 'subsample': 0.9117212073466874}
Epoch : 2019: f1_weighted Score 0.808 params {'colsample_bytree': 0.6354152186003511, 'learning_rate': 0.02049203081313469, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 116, 'subsample': 0.9599207184491491}
Epoch : 2020: f1_weighted Score 0.814 params {'colsample_bytree': 0.7093251776597878, 'learning_rate': 0.005950096081874172, 'max_depth': 20, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 114, 'subsample': 0.9994622799777676}
Epoch : 2021: f1_weighted Score 0.812 params {'colsample_bytree': 0.6896345749434798, 'learning_rate': 0.006237964552062148, 'max_depth': 20, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 66, 'subsample': 0.972783360671837}
Epoch : 2022: f1_weighted Score 0.791 params {'colsample_bytree': 0.9208280267423993, 'learning_rate': 0.031510411844786416, 'max_depth': 20, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 54, 'subsample': 0.9791541558751329}
Epoch : 2023: f1_weighted Score 0.812 params {'colsample_bytree': 0.6919237396199475, 'learning_rate': 0.009601948709188485, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 74, 'subsample': 0.9781710222932863}
Epoch : 2024: f1_weighted Score 0.806 params {'colsample_bytree': 0.7218819792185724, 'learning_rate': 0.007717423377933681, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 400, 'num_leaves': 94, 'subsample': 0.9991682715289036}
Epoch : 2025: f1_weighted Score 0.814 params {'colsample_bytree': 0.6937241697839318, 'learning_rate': 0.011147683576493213, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 80, 'subsample': 0.9609322006226917}
Epoch : 2026: f1_weighted Score 0.812 params {'colsample_bytree': 0.6955909216522225, 'learning_rate': 0.010866153530090416, 'max_depth': 13, 'min_child_samples': 24, 'n_estimators': 225, 'num_leaves': 36, 'subsample': 0.9591739604157584}
Epoch : 2027: f1_weighted Score 0.812 params {'colsample_bytree': 0.6844291092886954, 'learning_rate': 0.010746376279822495, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 38, 'subsample': 0.9491581144204692}
Epoch : 2028: f1_weighted Score 0.814 params {'colsample_bytree': 0.7555272819616754, 'learning_rate': 0.0063202767207970025, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 425, 'num_leaves': 94, 'subsample': 0.996603564907258}
Epoch : 2029: f1_weighted Score 0.810 params {'colsample_bytree': 0.6384877723636548, 'learning_rate': 0.0074195524759595064, 'max_depth': 12, 'min_child_samples': 24, 'n_estimators': 350, 'num_leaves': 74, 'subsample': 0.9955295517741437}
Epoch : 2030: f1_weighted Score 0.812 params {'colsample_bytree': 0.8222256640285078, 'learning_rate': 0.02111320739755286, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 12, 'subsample': 0.9386340596789684}
Epoch : 2031: f1_weighted Score 0.797 params {'colsample_bytree': 0.5175771368873927, 'learning_rate': 0.019022011078058614, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 600, 'num_leaves': 30, 'subsample': 0.9193824629928228}
Epoch : 2032: f1_weighted Score 0.797 params {'colsample_bytree': 0.6750507082941144, 'learning_rate': 0.013159955955868856, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 84, 'subsample': 0.9742032110437591}
Epoch : 2033: f1_weighted Score 0.805 params {'colsample_bytree': 0.7673177889048808, 'learning_rate': 0.010017898995495088, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 20, 'subsample': 0.9885910363264847}
Epoch : 2034: f1_weighted Score 0.767 params {'colsample_bytree': 0.6318699637972629, 'learning_rate': 0.030699209241411753, 'max_depth': 12, 'min_child_samples': 12, 'n_estimators': 900, 'num_leaves': 122, 'subsample': 0.9909445677350274}
Epoch : 2035: f1_weighted Score 0.812 params {'colsample_bytree': 0.7407146702454193, 'learning_rate': 0.01369162056830984, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 102, 'subsample': 0.9450103367680658}
Epoch : 2036: f1_weighted Score 0.792 params {'colsample_bytree': 0.7123695036595293, 'learning_rate': 0.02351916223657094, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 88, 'subsample': 0.9078330998121957}
Epoch : 2037: f1_weighted Score 0.812 params {'colsample_bytree': 0.7848318777804272, 'learning_rate': 0.00892711669153029, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 32, 'subsample': 0.9233650263160357}
Epoch : 2038: f1_weighted Score 0.785 params {'colsample_bytree': 0.8136984697527891, 'learning_rate': 0.04233640628958916, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 750, 'num_leaves': 20, 'subsample': 0.8503396300867653}
Epoch : 2039: f1_weighted Score 0.812 params {'colsample_bytree': 0.7137971733221964, 'learning_rate': 0.012326620450449296, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 66, 'subsample': 0.9060660669086182}
Epoch : 2040: f1_weighted Score 0.814 params {'colsample_bytree': 0.7859218939223283, 'learning_rate': 0.01327301431582514, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 28, 'subsample': 0.9331875435100107}
Epoch : 2041: f1_weighted Score 0.811 params {'colsample_bytree': 0.8256433917066477, 'learning_rate': 0.04198380388459725, 'max_depth': 4, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 24, 'subsample': 0.9228810465813319}
Epoch : 2042: f1_weighted Score 0.811 params {'colsample_bytree': 0.6650991359099779, 'learning_rate': 0.009124439856572582, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 28, 'subsample': 0.8911851131205103}
Epoch : 2043: f1_weighted Score 0.812 params {'colsample_bytree': 0.691982481262763, 'learning_rate': 0.005989938474555014, 'max_depth': 12, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 78, 'subsample': 0.9940702357982865}
Epoch : 2044: f1_weighted Score 0.808 params {'colsample_bytree': 0.8892104992845005, 'learning_rate': 0.01908807059837272, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 18, 'subsample': 0.9566798613174265}
Epoch : 2045: f1_weighted Score 0.812 params {'colsample_bytree': 0.8154523746796398, 'learning_rate': 0.01474737395853138, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 32, 'subsample': 0.9430068413099479}
Epoch : 2046: f1_weighted Score 0.812 params {'colsample_bytree': 0.7453416680439388, 'learning_rate': 0.008368148218253782, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 102, 'subsample': 0.8052811044268711}
Epoch : 2047: f1_weighted Score 0.812 params {'colsample_bytree': 0.7740471768006024, 'learning_rate': 0.01417536603487514, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 26, 'subsample': 0.9406272964505165}
Epoch : 2048: f1_weighted Score 0.812 params {'colsample_bytree': 0.6516486853521316, 'learning_rate': 0.014006045456558407, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 56, 'subsample': 0.9623388173727824}
Epoch : 2049: f1_weighted Score 0.812 params {'colsample_bytree': 0.6582266090539894, 'learning_rate': 0.015829198225912326, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 58, 'subsample': 0.9636414562676318}
Epoch : 2050: f1_weighted Score 0.809 params {'colsample_bytree': 0.6841212502618904, 'learning_rate': 0.005714001558795043, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 550, 'num_leaves': 60, 'subsample': 0.9624548324705225}
Epoch : 2051: f1_weighted Score 0.814 params {'colsample_bytree': 0.8054821666695334, 'learning_rate': 0.00557470204108716, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 128, 'subsample': 0.9999142158037506}
Epoch : 2052: f1_weighted Score 0.812 params {'colsample_bytree': 0.7377741121543432, 'learning_rate': 0.010072159969624404, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 108, 'subsample': 0.9106747604794104}
Epoch : 2053: f1_weighted Score 0.802 params {'colsample_bytree': 0.7419829103159424, 'learning_rate': 0.012920239179611952, 'max_depth': 13, 'min_child_samples': 18, 'n_estimators': 250, 'num_leaves': 30, 'subsample': 0.9548661897991063}
Epoch : 2054: f1_weighted Score 0.797 params {'colsample_bytree': 0.5135123024809699, 'learning_rate': 0.011679441734622157, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 725, 'num_leaves': 40, 'subsample': 0.9369393014880446}
Epoch : 2055: f1_weighted Score 0.812 params {'colsample_bytree': 0.7988369139771337, 'learning_rate': 0.025119568198203702, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 62, 'subsample': 0.8252538086836658}
Epoch : 2056: f1_weighted Score 0.803 params {'colsample_bytree': 0.6747444978209994, 'learning_rate': 0.006139296599598331, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 575, 'num_leaves': 50, 'subsample': 0.985010772834697}
Epoch : 2057: f1_weighted Score 0.812 params {'colsample_bytree': 0.8000252457641521, 'learning_rate': 0.017571303952919344, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 126, 'subsample': 0.950965965985235}
Epoch : 2058: f1_weighted Score 0.814 params {'colsample_bytree': 0.7547754631343171, 'learning_rate': 0.008891074882252404, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 42, 'subsample': 0.8923042255757535}
Epoch : 2059: f1_weighted Score 0.810 params {'colsample_bytree': 0.37139282211887026, 'learning_rate': 0.009720733763680316, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 42, 'subsample': 0.8852067784556523}
Epoch : 2060: f1_weighted Score 0.814 params {'colsample_bytree': 0.8550021176432396, 'learning_rate': 0.009625928993719873, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 106, 'subsample': 0.9166894662521883}
Epoch : 2061: f1_weighted Score 0.812 params {'colsample_bytree': 0.7591606589597433, 'learning_rate': 0.010618180585193102, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 110, 'subsample': 0.9155319805777336}
Epoch : 2062: f1_weighted Score 0.808 params {'colsample_bytree': 0.8441637477952944, 'learning_rate': 0.019821426411354412, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 14, 'subsample': 0.9174062023803433}
Epoch : 2063: f1_weighted Score 0.808 params {'colsample_bytree': 0.40335494866244315, 'learning_rate': 0.005101450460067913, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 80, 'subsample': 0.9887973696346843}
Epoch : 2064: f1_weighted Score 0.814 params {'colsample_bytree': 0.6173187118691398, 'learning_rate': 0.005423499870516892, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 500, 'num_leaves': 76, 'subsample': 0.9833473730057346}
Epoch : 2065: f1_weighted Score 0.812 params {'colsample_bytree': 0.5874238295465223, 'learning_rate': 0.005501788610050243, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 450, 'num_leaves': 90, 'subsample': 0.8515056025770055}
Epoch : 2066: f1_weighted Score 0.796 params {'colsample_bytree': 0.8080458700351775, 'learning_rate': 0.07610436477874909, 'max_depth': 16, 'min_child_samples': 24, 'n_estimators': 75, 'num_leaves': 22, 'subsample': 0.8484537363491857}
Epoch : 2067: f1_weighted Score 0.814 params {'colsample_bytree': 0.6327851265180436, 'learning_rate': 0.014015918364304561, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 48, 'subsample': 0.947295118386879}
Epoch : 2068: f1_weighted Score 0.812 params {'colsample_bytree': 0.615680239605802, 'learning_rate': 0.021774146530439253, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 42, 'subsample': 0.9589018620634746}
Epoch : 2069: f1_weighted Score 0.812 params {'colsample_bytree': 0.7032211523310647, 'learning_rate': 0.006800635452065367, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 375, 'num_leaves': 92, 'subsample': 0.9931397864040965}
Epoch : 2070: f1_weighted Score 0.812 params {'colsample_bytree': 0.8433685603751616, 'learning_rate': 0.006545911960613225, 'max_depth': 3, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 116, 'subsample': 0.8752113144759298}
Epoch : 2071: f1_weighted Score 0.801 params {'colsample_bytree': 0.7230085678627025, 'learning_rate': 0.02276805379333117, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 86, 'subsample': 0.9763499666103458}
Epoch : 2072: f1_weighted Score 0.812 params {'colsample_bytree': 0.7509096212952322, 'learning_rate': 0.0060914688286898494, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 450, 'num_leaves': 82, 'subsample': 0.8535354698357199}
Epoch : 2073: f1_weighted Score 0.808 params {'colsample_bytree': 0.8796248061917764, 'learning_rate': 0.0243816711363093, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 12, 'subsample': 0.9323834202339715}
Epoch : 2074: f1_weighted Score 0.811 params {'colsample_bytree': 0.6352784548951455, 'learning_rate': 0.0055483351491377245, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 525, 'num_leaves': 84, 'subsample': 0.9835865799538812}
Epoch : 2075: f1_weighted Score 0.812 params {'colsample_bytree': 0.8310231622218688, 'learning_rate': 0.03864755242323974, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 50, 'num_leaves': 94, 'subsample': 0.854267438547684}
Epoch : 2076: f1_weighted Score 0.812 params {'colsample_bytree': 0.6632385351565266, 'learning_rate': 0.017595402301169242, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 30, 'subsample': 0.8986284271820562}
Epoch : 2077: f1_weighted Score 0.812 params {'colsample_bytree': 0.9036534281163743, 'learning_rate': 0.02544763687741502, 'max_depth': 3, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 98, 'subsample': 0.8995928061374908}
Epoch : 2078: f1_weighted Score 0.792 params {'colsample_bytree': 0.5747487051917319, 'learning_rate': 0.02111058770560493, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 625, 'num_leaves': 54, 'subsample': 0.9326030906582724}
Epoch : 2079: f1_weighted Score 0.812 params {'colsample_bytree': 0.6699018344418274, 'learning_rate': 0.007195661355621801, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 128, 'subsample': 0.8848550841105418}
Epoch : 2080: f1_weighted Score 0.812 params {'colsample_bytree': 0.796380908548307, 'learning_rate': 0.014422355451940679, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 40, 'subsample': 0.9312661333174806}
Epoch : 2081: f1_weighted Score 0.812 params {'colsample_bytree': 0.7944178636062096, 'learning_rate': 0.015097050671164887, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 46, 'subsample': 0.928395822333647}
Epoch : 2082: f1_weighted Score 0.814 params {'colsample_bytree': 0.8156603473601008, 'learning_rate': 0.01210797781510104, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 122, 'subsample': 0.9368696093508582}
Epoch : 2083: f1_weighted Score 0.797 params {'colsample_bytree': 0.8797234595121415, 'learning_rate': 0.007002884094128023, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 1025, 'num_leaves': 124, 'subsample': 0.9054557842205972}
Epoch : 2084: f1_weighted Score 0.814 params {'colsample_bytree': 0.7134271520360645, 'learning_rate': 0.006794916357999554, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 40, 'subsample': 0.9700794892155973}
Epoch : 2085: f1_weighted Score 0.814 params {'colsample_bytree': 0.8629655436584714, 'learning_rate': 0.020292155957789357, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 16, 'subsample': 0.9275479328680182}
Epoch : 2086: f1_weighted Score 0.809 params {'colsample_bytree': 0.8972247172470766, 'learning_rate': 0.022574400741682005, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 68, 'subsample': 0.9793077335075673}
Epoch : 2087: f1_weighted Score 0.800 params {'colsample_bytree': 0.5326785895349281, 'learning_rate': 0.016794518542576388, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 28, 'subsample': 0.9657149350132721}
Epoch : 2088: f1_weighted Score 0.812 params {'colsample_bytree': 0.6474397548867759, 'learning_rate': 0.005073120016959041, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 550, 'num_leaves': 116, 'subsample': 0.9813511982746822}
Epoch : 2089: f1_weighted Score 0.806 params {'colsample_bytree': 0.7314788606579992, 'learning_rate': 0.010716690116363692, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 120, 'subsample': 0.9741520186854052}
Epoch : 2090: f1_weighted Score 0.814 params {'colsample_bytree': 0.6841354869576608, 'learning_rate': 0.015473007008648577, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 114, 'subsample': 0.9620263009855721}
Epoch : 2091: f1_weighted Score 0.812 params {'colsample_bytree': 0.7279904069201802, 'learning_rate': 0.00812477263916541, 'max_depth': 11, 'min_child_samples': 24, 'n_estimators': 225, 'num_leaves': 96, 'subsample': 0.9274465025298317}
Epoch : 2092: f1_weighted Score 0.814 params {'colsample_bytree': 0.7436179129260283, 'learning_rate': 0.0076852958810267385, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 22, 'subsample': 0.966777014616858}
Epoch : 2093: f1_weighted Score 0.812 params {'colsample_bytree': 0.6763713127948499, 'learning_rate': 0.016535536353742844, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 125, 'num_leaves': 34, 'subsample': 0.9585179366196596}
Epoch : 2094: f1_weighted Score 0.814 params {'colsample_bytree': 0.7306196411525867, 'learning_rate': 0.011534814928071385, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 112, 'subsample': 0.9148048688770218}
Epoch : 2095: f1_weighted Score 0.812 params {'colsample_bytree': 0.7274425499879121, 'learning_rate': 0.01119770299611985, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 118, 'subsample': 0.9029263906088337}
Epoch : 2096: f1_weighted Score 0.802 params {'colsample_bytree': 0.9998986818684039, 'learning_rate': 0.030768410151442306, 'max_depth': 3, 'min_child_samples': 24, 'n_estimators': 275, 'num_leaves': 62, 'subsample': 0.820454843258217}
Epoch : 2097: f1_weighted Score 0.812 params {'colsample_bytree': 0.5996641722561167, 'learning_rate': 0.008214848194389323, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 82, 'subsample': 0.9810819307971713}
Epoch : 2098: f1_weighted Score 0.812 params {'colsample_bytree': 0.7022447186323545, 'learning_rate': 0.012309390105683023, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 72, 'subsample': 0.9455710147591329}
Epoch : 2099: f1_weighted Score 0.794 params {'colsample_bytree': 0.7124620922463353, 'learning_rate': 0.009535906216228145, 'max_depth': 13, 'min_child_samples': 10, 'n_estimators': 325, 'num_leaves': 22, 'subsample': 0.9062439238700263}
Epoch : 2100: f1_weighted Score 0.806 params {'colsample_bytree': 0.6834085445735932, 'learning_rate': 0.007674951839420716, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 400, 'num_leaves': 110, 'subsample': 0.9548242450065741}
Epoch : 2101: f1_weighted Score 0.783 params {'colsample_bytree': 0.7710953274289604, 'learning_rate': 0.14578494123412747, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 18, 'subsample': 0.9468237278475148}
Epoch : 2102: f1_weighted Score 0.809 params {'colsample_bytree': 0.6602232392239602, 'learning_rate': 0.010416471056514335, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 72, 'subsample': 0.9721457647290336}
Epoch : 2103: f1_weighted Score 0.812 params {'colsample_bytree': 0.6934783541553816, 'learning_rate': 0.0061499771413687275, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 24, 'subsample': 0.9763610987454974}
Epoch : 2104: f1_weighted Score 0.812 params {'colsample_bytree': 0.859896966281281, 'learning_rate': 0.02794736028984784, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 50, 'num_leaves': 94, 'subsample': 0.8992530187832379}
Epoch : 2105: f1_weighted Score 0.814 params {'colsample_bytree': 0.8194038340366425, 'learning_rate': 0.018738896744056203, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 122, 'subsample': 0.9097195435596439}
Epoch : 2106: f1_weighted Score 0.812 params {'colsample_bytree': 0.5478103767999113, 'learning_rate': 0.015217275291966214, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 38, 'subsample': 0.9507002854887562}
Epoch : 2107: f1_weighted Score 0.812 params {'colsample_bytree': 0.782156306454838, 'learning_rate': 0.0050384074687520345, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 120, 'subsample': 0.877825261433839}
Epoch : 2108: f1_weighted Score 0.809 params {'colsample_bytree': 0.614347064642799, 'learning_rate': 0.011747641475137408, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 120, 'subsample': 0.8867758757321622}
Epoch : 2109: f1_weighted Score 0.812 params {'colsample_bytree': 0.6617421544242855, 'learning_rate': 0.008765700686005856, 'max_depth': 15, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 102, 'subsample': 0.8271244575305904}
Epoch : 2110: f1_weighted Score 0.810 params {'colsample_bytree': 0.7824122100029147, 'learning_rate': 0.0547585897401676, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 75, 'num_leaves': 24, 'subsample': 0.8751523388103133}
Epoch : 2111: f1_weighted Score 0.814 params {'colsample_bytree': 0.7074205545176873, 'learning_rate': 0.007786750374851004, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 66, 'subsample': 0.9882900607506188}
Epoch : 2112: f1_weighted Score 0.806 params {'colsample_bytree': 0.643093375589769, 'learning_rate': 0.006462776453868457, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 550, 'num_leaves': 80, 'subsample': 0.9830594338098991}
Epoch : 2113: f1_weighted Score 0.814 params {'colsample_bytree': 0.8376752106198863, 'learning_rate': 0.009117257166582628, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 18, 'subsample': 0.9127263281739225}
Epoch : 2114: f1_weighted Score 0.812 params {'colsample_bytree': 0.8522691623494946, 'learning_rate': 0.020056516575278866, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 110, 'subsample': 0.9114150688625182}
Epoch : 2115: f1_weighted Score 0.814 params {'colsample_bytree': 0.8015910936549204, 'learning_rate': 0.01688870809529866, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 96, 'subsample': 0.945777425352199}
Epoch : 2116: f1_weighted Score 0.812 params {'colsample_bytree': 0.5849780970172619, 'learning_rate': 0.013798670856044387, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 32, 'subsample': 0.9457036011446305}
Epoch : 2117: f1_weighted Score 0.812 params {'colsample_bytree': 0.5843359456547051, 'learning_rate': 0.01817960209469771, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 44, 'subsample': 0.9511003680527512}
Epoch : 2118: f1_weighted Score 0.811 params {'colsample_bytree': 0.7614495289937595, 'learning_rate': 0.02656935836983153, 'max_depth': 13, 'min_child_samples': 24, 'n_estimators': 100, 'num_leaves': 98, 'subsample': 0.9253896622048262}
Epoch : 2119: f1_weighted Score 0.805 params {'colsample_bytree': 0.607518922608634, 'learning_rate': 0.021310947986285182, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 175, 'num_leaves': 112, 'subsample': 0.9691029619195162}
Epoch : 2120: f1_weighted Score 0.814 params {'colsample_bytree': 0.7342468316743899, 'learning_rate': 0.00994463604907545, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 96, 'subsample': 0.9546380711087711}
Epoch : 2121: f1_weighted Score 0.812 params {'colsample_bytree': 0.750347492720517, 'learning_rate': 0.031085072557665985, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 104, 'subsample': 0.90939401452328}
Epoch : 2122: f1_weighted Score 0.797 params {'colsample_bytree': 0.754049143730235, 'learning_rate': 0.012250507962987437, 'max_depth': 8, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 18, 'subsample': 0.9505348964135845}
Epoch : 2123: f1_weighted Score 0.812 params {'colsample_bytree': 0.6744149402980921, 'learning_rate': 0.013221971768723641, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 8, 'subsample': 0.9595402227632086}
Epoch : 2124: f1_weighted Score 0.809 params {'colsample_bytree': 0.931033340674191, 'learning_rate': 0.005115632816569789, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 575, 'num_leaves': 72, 'subsample': 0.9217384873039893}
Epoch : 2125: f1_weighted Score 0.799 params {'colsample_bytree': 0.7379588777768091, 'learning_rate': 0.01277840959890851, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 26, 'subsample': 0.9458173336967247}
Epoch : 2126: f1_weighted Score 0.806 params {'colsample_bytree': 0.8220330609745586, 'learning_rate': 0.01171619872987431, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 16, 'subsample': 0.937692740517341}
Epoch : 2127: f1_weighted Score 0.812 params {'colsample_bytree': 0.826443551333727, 'learning_rate': 0.044977701140167886, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 50, 'num_leaves': 42, 'subsample': 0.9421179801862679}
Epoch : 2128: f1_weighted Score 0.812 params {'colsample_bytree': 0.7210524922677573, 'learning_rate': 0.008540129619022462, 'max_depth': 18, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 100, 'subsample': 0.9775162082904173}
Epoch : 2129: f1_weighted Score 0.814 params {'colsample_bytree': 0.6975180774240253, 'learning_rate': 0.012083174186753658, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 114, 'subsample': 0.9539929909174536}
Epoch : 2130: f1_weighted Score 0.809 params {'colsample_bytree': 0.8322893946480587, 'learning_rate': 0.027060996317933204, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 108, 'subsample': 0.9153610294552413}
Epoch : 2131: f1_weighted Score 0.812 params {'colsample_bytree': 0.5233223535536758, 'learning_rate': 0.005708056481412411, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 475, 'num_leaves': 106, 'subsample': 0.9717443277770764}
Epoch : 2132: f1_weighted Score 0.812 params {'colsample_bytree': 0.6302247636563331, 'learning_rate': 0.010744618982136045, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 124, 'subsample': 0.9660749367812279}
Epoch : 2133: f1_weighted Score 0.812 params {'colsample_bytree': 0.8337090652965561, 'learning_rate': 0.019692490350269685, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 50, 'num_leaves': 12, 'subsample': 0.9140543404736675}
Epoch : 2134: f1_weighted Score 0.812 params {'colsample_bytree': 0.6192560809345957, 'learning_rate': 0.01081876807290872, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 128, 'subsample': 0.9744850122562045}
Epoch : 2135: f1_weighted Score 0.791 params {'colsample_bytree': 0.5528006374198212, 'learning_rate': 0.022808199133155963, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 675, 'num_leaves': 58, 'subsample': 0.8769484628069798}
Epoch : 2136: f1_weighted Score 0.812 params {'colsample_bytree': 0.6517708688833324, 'learning_rate': 0.007524828861012669, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 12, 'subsample': 0.9658396474919074}
Epoch : 2137: f1_weighted Score 0.783 params {'colsample_bytree': 0.8688862949573084, 'learning_rate': 0.034241521845562485, 'max_depth': 12, 'min_child_samples': 24, 'n_estimators': 650, 'num_leaves': 100, 'subsample': 0.9855631542042208}
Epoch : 2138: f1_weighted Score 0.812 params {'colsample_bytree': 0.7948934413663438, 'learning_rate': 0.008480688947843072, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 44, 'subsample': 0.9354427435733537}
Epoch : 2139: f1_weighted Score 0.812 params {'colsample_bytree': 0.8644583840469043, 'learning_rate': 0.007229791205531596, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 118, 'subsample': 0.8950301225505977}
Epoch : 2140: f1_weighted Score 0.782 params {'colsample_bytree': 0.8805755989370575, 'learning_rate': 0.04077914308395725, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 675, 'num_leaves': 102, 'subsample': 0.9997322824025421}
Epoch : 2141: f1_weighted Score 0.810 params {'colsample_bytree': 0.4557804515885614, 'learning_rate': 0.06388211186283556, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 50, 'num_leaves': 10, 'subsample': 0.8578653306743357}
Epoch : 2142: f1_weighted Score 0.812 params {'colsample_bytree': 0.9710987863997463, 'learning_rate': 0.01602256241928146, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 54, 'subsample': 0.9576711068544017}
Epoch : 2143: f1_weighted Score 0.806 params {'colsample_bytree': 0.7643130120914936, 'learning_rate': 0.006583601682256849, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 22, 'subsample': 0.9412527040914839}
Epoch : 2144: f1_weighted Score 0.812 params {'colsample_bytree': 0.6849517876730932, 'learning_rate': 0.008268034626042454, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 54, 'subsample': 0.9049883355020973}
Epoch : 2145: f1_weighted Score 0.805 params {'colsample_bytree': 0.6254464657596713, 'learning_rate': 0.018918083662929377, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 175, 'num_leaves': 52, 'subsample': 0.9188908716539769}
Epoch : 2146: f1_weighted Score 0.814 params {'colsample_bytree': 0.6614057286498475, 'learning_rate': 0.006805892784538902, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 58, 'subsample': 0.9824565954644474}
Epoch : 2147: f1_weighted Score 0.811 params {'colsample_bytree': 0.5571610568026406, 'learning_rate': 0.006153086455869372, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 28, 'subsample': 0.9356924207152494}
Epoch : 2148: f1_weighted Score 0.812 params {'colsample_bytree': 0.8712637130036845, 'learning_rate': 0.006277107132537153, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 475, 'num_leaves': 10, 'subsample': 0.9139033561910713}
Epoch : 2149: f1_weighted Score 0.811 params {'colsample_bytree': 0.571818943935494, 'learning_rate': 0.007949509168935848, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 52, 'subsample': 0.8791075748002412}
Epoch : 2150: f1_weighted Score 0.811 params {'colsample_bytree': 0.772642218229178, 'learning_rate': 0.0066486298248589655, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 48, 'subsample': 0.9966369895235382}
Epoch : 2151: f1_weighted Score 0.812 params {'colsample_bytree': 0.8867671204684529, 'learning_rate': 0.023869246879852785, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 90, 'subsample': 0.961182331615657}
Epoch : 2152: f1_weighted Score 0.809 params {'colsample_bytree': 0.8000978888082928, 'learning_rate': 0.005311760953851846, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 550, 'num_leaves': 26, 'subsample': 0.9394222307850015}
Epoch : 2153: f1_weighted Score 0.812 params {'colsample_bytree': 0.8011625721849758, 'learning_rate': 0.017969085741839384, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 20, 'subsample': 0.9213099058369628}
Epoch : 2154: f1_weighted Score 0.811 params {'colsample_bytree': 0.6795392003073479, 'learning_rate': 0.005069033785217202, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 575, 'num_leaves': 60, 'subsample': 0.9774929389616462}
Epoch : 2155: f1_weighted Score 0.812 params {'colsample_bytree': 0.7004839071316088, 'learning_rate': 0.010280048067648739, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 122, 'subsample': 0.8930289573894196}
Epoch : 2156: f1_weighted Score 0.803 params {'colsample_bytree': 0.7173791130281333, 'learning_rate': 0.017907968145005608, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 12, 'subsample': 0.9119821043369694}
Epoch : 2157: f1_weighted Score 0.812 params {'colsample_bytree': 0.704771234579686, 'learning_rate': 0.0056239298130215075, 'max_depth': 3, 'min_child_samples': 26, 'n_estimators': 500, 'num_leaves': 58, 'subsample': 0.8324146623782468}
Epoch : 2158: f1_weighted Score 0.812 params {'colsample_bytree': 0.8480382361013588, 'learning_rate': 0.022649276480173924, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 32, 'subsample': 0.8362199293058691}
Epoch : 2159: f1_weighted Score 0.814 params {'colsample_bytree': 0.8122284806493776, 'learning_rate': 0.016842090640677675, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 38, 'subsample': 0.9480030294581397}
Epoch : 2160: f1_weighted Score 0.814 params {'colsample_bytree': 0.7878038174801963, 'learning_rate': 0.005699363925490123, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 475, 'num_leaves': 48, 'subsample': 0.9455596403998457}
Epoch : 2161: f1_weighted Score 0.805 params {'colsample_bytree': 0.8318452361238597, 'learning_rate': 0.007186312400010032, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 68, 'subsample': 0.901143783345447}
Epoch : 2162: f1_weighted Score 0.806 params {'colsample_bytree': 0.7676368609462909, 'learning_rate': 0.009045604212339558, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 108, 'subsample': 0.8922390878284466}
Epoch : 2163: f1_weighted Score 0.812 params {'colsample_bytree': 0.7209386628271965, 'learning_rate': 0.01260653974270194, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 76, 'subsample': 0.9879855680631511}
Epoch : 2164: f1_weighted Score 0.796 params {'colsample_bytree': 0.7078319233912778, 'learning_rate': 0.013552562892296722, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 425, 'num_leaves': 70, 'subsample': 0.9796948964040895}
Epoch : 2165: f1_weighted Score 0.814 params {'colsample_bytree': 0.9879212932164042, 'learning_rate': 0.009924117411280867, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 28, 'subsample': 0.8974369873382952}
Epoch : 2166: f1_weighted Score 0.814 params {'colsample_bytree': 0.9898976903748838, 'learning_rate': 0.01080291290161154, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 20, 'subsample': 0.8452060048358525}
Epoch : 2167: f1_weighted Score 0.814 params {'colsample_bytree': 0.9835021814389909, 'learning_rate': 0.011300014537885952, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 18, 'subsample': 0.8236577052649786}
Epoch : 2168: f1_weighted Score 0.812 params {'colsample_bytree': 0.6948701860528359, 'learning_rate': 0.007356795765055262, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 20, 'subsample': 0.8057119757549318}
Epoch : 2169: f1_weighted Score 0.811 params {'colsample_bytree': 0.7203395700892574, 'learning_rate': 0.011463963696064979, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 24, 'subsample': 0.9263161981847282}
Epoch : 2170: f1_weighted Score 0.811 params {'colsample_bytree': 0.7077032821408058, 'learning_rate': 0.009158053357227124, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 28, 'subsample': 0.8872451756157491}
Epoch : 2171: f1_weighted Score 0.805 params {'colsample_bytree': 0.75065228700793, 'learning_rate': 0.0076861487507985425, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 82, 'subsample': 0.999742343232493}
Epoch : 2172: f1_weighted Score 0.809 params {'colsample_bytree': 0.7836482292563615, 'learning_rate': 0.006355004725039337, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 525, 'num_leaves': 106, 'subsample': 0.9409362227336606}
Epoch : 2173: f1_weighted Score 0.814 params {'colsample_bytree': 0.7381640767689035, 'learning_rate': 0.014063581085977054, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 38, 'subsample': 0.9507141839086389}
Epoch : 2174: f1_weighted Score 0.812 params {'colsample_bytree': 0.43384463833399056, 'learning_rate': 0.016294424984229203, 'max_depth': 3, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 38, 'subsample': 0.9230634938716449}
Epoch : 2175: f1_weighted Score 0.797 params {'colsample_bytree': 0.32799517225836544, 'learning_rate': 0.005010441463404898, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 76, 'subsample': 0.9808705365179617}
Epoch : 2176: f1_weighted Score 0.809 params {'colsample_bytree': 0.8527352466822007, 'learning_rate': 0.008073314176302238, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 16, 'subsample': 0.8861787243741123}
Epoch : 2177: f1_weighted Score 0.811 params {'colsample_bytree': 0.747216643842932, 'learning_rate': 0.009598438613454498, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 36, 'subsample': 0.9311069277277981}
Epoch : 2178: f1_weighted Score 0.812 params {'colsample_bytree': 0.6473304768474755, 'learning_rate': 0.005839043507924516, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 78, 'subsample': 0.9762230358608758}
Epoch : 2179: f1_weighted Score 0.814 params {'colsample_bytree': 0.7591559546659545, 'learning_rate': 0.01020074771601044, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 14, 'subsample': 0.9171292952921055}
Epoch : 2180: f1_weighted Score 0.811 params {'colsample_bytree': 0.620018660858909, 'learning_rate': 0.005069349707649668, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 625, 'num_leaves': 116, 'subsample': 0.9077468736644733}
Epoch : 2181: f1_weighted Score 0.791 params {'colsample_bytree': 0.8114190576068684, 'learning_rate': 0.013305940765731612, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 925, 'num_leaves': 16, 'subsample': 0.931853115736138}
Epoch : 2182: f1_weighted Score 0.812 params {'colsample_bytree': 0.5050424925064622, 'learning_rate': 0.0070899300208294635, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 10, 'subsample': 0.9020876168666794}
Epoch : 2183: f1_weighted Score 0.814 params {'colsample_bytree': 0.8049599745034567, 'learning_rate': 0.014133163657919777, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 22, 'subsample': 0.964660078938547}
Epoch : 2184: f1_weighted Score 0.796 params {'colsample_bytree': 0.7826777807029415, 'learning_rate': 0.011567862015597957, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 400, 'num_leaves': 86, 'subsample': 0.920058072692716}
Epoch : 2185: f1_weighted Score 0.812 params {'colsample_bytree': 0.7080543528922544, 'learning_rate': 0.014754480340544615, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 32, 'subsample': 0.9402639846693034}
Epoch : 2186: f1_weighted Score 0.812 params {'colsample_bytree': 0.8499197669691771, 'learning_rate': 0.019581535449013032, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 8, 'subsample': 0.9299687152425288}
Epoch : 2187: f1_weighted Score 0.802 params {'colsample_bytree': 0.4122577514927527, 'learning_rate': 0.018606696137636148, 'max_depth': 10, 'min_child_samples': 14, 'n_estimators': 125, 'num_leaves': 18, 'subsample': 0.9302009863775785}
Epoch : 2188: f1_weighted Score 0.793 params {'colsample_bytree': 0.8172997211444064, 'learning_rate': 0.012228960560266504, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 500, 'num_leaves': 64, 'subsample': 0.9449460893608637}
Epoch : 2189: f1_weighted Score 0.814 params {'colsample_bytree': 0.6010770078047124, 'learning_rate': 0.01378428795818238, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 110, 'subsample': 0.9987628693489314}
Epoch : 2190: f1_weighted Score 0.812 params {'colsample_bytree': 0.6974231812460492, 'learning_rate': 0.008869523324215327, 'max_depth': 6, 'min_child_samples': 22, 'n_estimators': 325, 'num_leaves': 102, 'subsample': 0.8829773509340774}
Epoch : 2191: f1_weighted Score 0.812 params {'colsample_bytree': 0.7937547076891236, 'learning_rate': 0.015196836615093344, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 30, 'subsample': 0.9323973177593977}
Epoch : 2192: f1_weighted Score 0.812 params {'colsample_bytree': 0.7177648841383025, 'learning_rate': 0.0059736872331495, 'max_depth': 18, 'min_child_samples': 26, 'n_estimators': 450, 'num_leaves': 96, 'subsample': 0.9923168124569108}
Epoch : 2193: f1_weighted Score 0.812 params {'colsample_bytree': 0.7330361996576299, 'learning_rate': 0.0060479833949679505, 'max_depth': 18, 'min_child_samples': 26, 'n_estimators': 425, 'num_leaves': 94, 'subsample': 0.9996324378723199}
Epoch : 2194: f1_weighted Score 0.812 params {'colsample_bytree': 0.6682360061797327, 'learning_rate': 0.005492454100116222, 'max_depth': 19, 'min_child_samples': 26, 'n_estimators': 500, 'num_leaves': 56, 'subsample': 0.812805306913766}
Epoch : 2195: f1_weighted Score 0.812 params {'colsample_bytree': 0.4683445284328337, 'learning_rate': 0.005007318641395232, 'max_depth': 19, 'min_child_samples': 26, 'n_estimators': 525, 'num_leaves': 56, 'subsample': 0.8213236429107593}
Epoch : 2196: f1_weighted Score 0.805 params {'colsample_bytree': 0.48723364859526214, 'learning_rate': 0.024408588195764913, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 14, 'subsample': 0.9286071346447069}
Epoch : 2197: f1_weighted Score 0.803 params {'colsample_bytree': 0.7640020384574725, 'learning_rate': 0.007581043888881197, 'max_depth': 13, 'min_child_samples': 18, 'n_estimators': 375, 'num_leaves': 36, 'subsample': 0.9879390922304427}
Epoch : 2198: f1_weighted Score 0.811 params {'colsample_bytree': 0.6043135705334478, 'learning_rate': 0.007916672010766129, 'max_depth': 11, 'min_child_samples': 24, 'n_estimators': 375, 'num_leaves': 66, 'subsample': 0.9856021068845917}
Epoch : 2199: f1_weighted Score 0.806 params {'colsample_bytree': 0.7588922111608216, 'learning_rate': 0.00956219837086454, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 28, 'subsample': 0.9354848669937734}
Epoch : 2200: f1_weighted Score 0.800 params {'colsample_bytree': 0.6398689677297292, 'learning_rate': 0.012458081946385514, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 775, 'num_leaves': 106, 'subsample': 0.9680509527682511}
Epoch : 2201: f1_weighted Score 0.786 params {'colsample_bytree': 0.9578050720987662, 'learning_rate': 0.028324881447259743, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 80, 'subsample': 0.975048935704129}
Epoch : 2202: f1_weighted Score 0.812 params {'colsample_bytree': 0.5890717009057523, 'learning_rate': 0.006081400383344299, 'max_depth': 20, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 76, 'subsample': 0.9834418076945174}
Epoch : 2203: f1_weighted Score 0.808 params {'colsample_bytree': 0.6277116246894534, 'learning_rate': 0.019618550686984888, 'max_depth': 11, 'min_child_samples': 16, 'n_estimators': 100, 'num_leaves': 104, 'subsample': 0.8553098203298}
Epoch : 2204: f1_weighted Score 0.808 params {'colsample_bytree': 0.6918345005163853, 'learning_rate': 0.005595228421815494, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 550, 'num_leaves': 58, 'subsample': 0.824166573554163}
Epoch : 2205: f1_weighted Score 0.803 params {'colsample_bytree': 0.734936561552091, 'learning_rate': 0.01108657176736869, 'max_depth': 7, 'min_child_samples': 12, 'n_estimators': 225, 'num_leaves': 88, 'subsample': 0.953153569684633}
Epoch : 2206: f1_weighted Score 0.809 params {'colsample_bytree': 0.5714408591892614, 'learning_rate': 0.005450522750360914, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 600, 'num_leaves': 110, 'subsample': 0.9190278018264695}
Epoch : 2207: f1_weighted Score 0.799 params {'colsample_bytree': 0.7743211114627365, 'learning_rate': 0.030469587009331372, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 128, 'subsample': 0.9229581675525221}
Epoch : 2208: f1_weighted Score 0.806 params {'colsample_bytree': 0.7535465206437314, 'learning_rate': 0.006631449824793543, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 450, 'num_leaves': 90, 'subsample': 0.8796916084385794}
Epoch : 2209: f1_weighted Score 0.811 params {'colsample_bytree': 0.548829890507965, 'learning_rate': 0.010493928114781918, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 34, 'subsample': 0.8791597104855079}
Epoch : 2210: f1_weighted Score 0.798 params {'colsample_bytree': 0.6249171573461073, 'learning_rate': 0.019312671530460956, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 112, 'subsample': 0.9696425741670994}
Epoch : 2211: f1_weighted Score 0.814 params {'colsample_bytree': 0.7485185605044467, 'learning_rate': 0.006634977339462557, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 400, 'num_leaves': 92, 'subsample': 0.9506319394697248}
Epoch : 2212: f1_weighted Score 0.785 params {'colsample_bytree': 0.49547120665789457, 'learning_rate': 0.02637550147546392, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 700, 'num_leaves': 14, 'subsample': 0.934507073414372}
Epoch : 2213: f1_weighted Score 0.807 params {'colsample_bytree': 0.7662628689059261, 'learning_rate': 0.010315780944680398, 'max_depth': 14, 'min_child_samples': 22, 'n_estimators': 250, 'num_leaves': 32, 'subsample': 0.9421761812942873}
Epoch : 2214: f1_weighted Score 0.806 params {'colsample_bytree': 0.810875099562517, 'learning_rate': 0.0073060157988913575, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 50, 'subsample': 0.9427895206377722}
Epoch : 2215: f1_weighted Score 0.809 params {'colsample_bytree': 0.9394836251392714, 'learning_rate': 0.006040991324599125, 'max_depth': 9, 'min_child_samples': 26, 'n_estimators': 425, 'num_leaves': 76, 'subsample': 0.8991471018095785}
Epoch : 2216: f1_weighted Score 0.811 params {'colsample_bytree': 0.6586169239879102, 'learning_rate': 0.01320042046665851, 'max_depth': 8, 'min_child_samples': 24, 'n_estimators': 225, 'num_leaves': 124, 'subsample': 0.9623417866981792}
Epoch : 2217: f1_weighted Score 0.802 params {'colsample_bytree': 0.6675475605505276, 'learning_rate': 0.014561532010394677, 'max_depth': 8, 'min_child_samples': 24, 'n_estimators': 275, 'num_leaves': 126, 'subsample': 0.9636143034091065}
Epoch : 2218: f1_weighted Score 0.811 params {'colsample_bytree': 0.783708235782119, 'learning_rate': 0.015152129499033551, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 122, 'subsample': 0.9361837643089574}
Epoch : 2219: f1_weighted Score 0.814 params {'colsample_bytree': 0.6210692793071282, 'learning_rate': 0.006640779386794968, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 124, 'subsample': 0.9646004617132691}
Epoch : 2220: f1_weighted Score 0.812 params {'colsample_bytree': 0.5259840688388334, 'learning_rate': 0.016200545351065312, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 20, 'subsample': 0.9242283894417722}
Epoch : 2221: f1_weighted Score 0.812 params {'colsample_bytree': 0.5068729595235175, 'learning_rate': 0.0166625649116175, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 34, 'subsample': 0.8937508124987795}
Epoch : 2222: f1_weighted Score 0.808 params {'colsample_bytree': 0.7412539233875104, 'learning_rate': 0.01118042772852866, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 120, 'subsample': 0.9489434163215277}
Epoch : 2223: f1_weighted Score 0.805 params {'colsample_bytree': 0.7479805194381224, 'learning_rate': 0.007181029130211458, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 86, 'subsample': 0.9925487022032894}
Epoch : 2224: f1_weighted Score 0.812 params {'colsample_bytree': 0.8378976293959923, 'learning_rate': 0.01667802032406283, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 44, 'subsample': 0.9237776064517892}
Epoch : 2225: f1_weighted Score 0.812 params {'colsample_bytree': 0.7674704879842326, 'learning_rate': 0.011599148194179985, 'max_depth': 12, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 40, 'subsample': 0.917098689626951}
Epoch : 2226: f1_weighted Score 0.801 params {'colsample_bytree': 0.7470378904662442, 'learning_rate': 0.01236870961032319, 'max_depth': 13, 'min_child_samples': 20, 'n_estimators': 300, 'num_leaves': 34, 'subsample': 0.9194484067110097}
Epoch : 2227: f1_weighted Score 0.805 params {'colsample_bytree': 0.7946312280734035, 'learning_rate': 0.00879912396089555, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 42, 'subsample': 0.8019351086653976}
Epoch : 2228: f1_weighted Score 0.811 params {'colsample_bytree': 0.8781764249632612, 'learning_rate': 0.009258447270368458, 'max_depth': 14, 'min_child_samples': 24, 'n_estimators': 300, 'num_leaves': 62, 'subsample': 0.8919874960987527}
Epoch : 2229: f1_weighted Score 0.814 params {'colsample_bytree': 0.8385704105856814, 'learning_rate': 0.009907705223995365, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 52, 'subsample': 0.9385814216932173}
Epoch : 2230: f1_weighted Score 0.806 params {'colsample_bytree': 0.6773874153122079, 'learning_rate': 0.00841040845699049, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 110, 'subsample': 0.9467134215206416}
Epoch : 2231: f1_weighted Score 0.806 params {'colsample_bytree': 0.8626205093759332, 'learning_rate': 0.008566482447327212, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 26, 'subsample': 0.9355948117059993}
Epoch : 2232: f1_weighted Score 0.808 params {'colsample_bytree': 0.8061202252457287, 'learning_rate': 0.008013998386567184, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 100, 'subsample': 0.9108464152262896}
Epoch : 2233: f1_weighted Score 0.814 params {'colsample_bytree': 0.6856409509037603, 'learning_rate': 0.00675963618729778, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 120, 'subsample': 0.9486772240993407}
Epoch : 2234: f1_weighted Score 0.814 params {'colsample_bytree': 0.7229226706595123, 'learning_rate': 0.0069671659287411, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 112, 'subsample': 0.8491568774681657}
Epoch : 2235: f1_weighted Score 0.809 params {'colsample_bytree': 0.7590077044672292, 'learning_rate': 0.008532369870482082, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 36, 'subsample': 0.9180049687955282}
Epoch : 2236: f1_weighted Score 0.811 params {'colsample_bytree': 0.6778534762432142, 'learning_rate': 0.007339091288875361, 'max_depth': 8, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 100, 'subsample': 0.9548774956190945}
Epoch : 2237: f1_weighted Score 0.803 params {'colsample_bytree': 0.9058097336661212, 'learning_rate': 0.03347885984551207, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 150, 'num_leaves': 68, 'subsample': 0.9248828855535991}
Epoch : 2238: f1_weighted Score 0.814 params {'colsample_bytree': 0.7464779344661284, 'learning_rate': 0.011171317980968263, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 24, 'subsample': 0.9412643857579417}
Epoch : 2239: f1_weighted Score 0.814 params {'colsample_bytree': 0.6352723876077032, 'learning_rate': 0.011298330178048781, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 14, 'subsample': 0.9560022616484954}
Epoch : 2240: f1_weighted Score 0.812 params {'colsample_bytree': 0.6077172673474878, 'learning_rate': 0.014654928068547032, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 8, 'subsample': 0.9577041419071021}
Epoch : 2241: f1_weighted Score 0.814 params {'colsample_bytree': 0.5951427075807848, 'learning_rate': 0.009430784206906913, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 54, 'subsample': 0.9729546952088922}
Epoch : 2242: f1_weighted Score 0.784 params {'colsample_bytree': 0.792587360593905, 'learning_rate': 0.013149151216687298, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 1325, 'num_leaves': 20, 'subsample': 0.9710864620032312}
Epoch : 2243: f1_weighted Score 0.814 params {'colsample_bytree': 0.9737756429341117, 'learning_rate': 0.010771477594933411, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 18, 'subsample': 0.8151661917675898}
Epoch : 2244: f1_weighted Score 0.808 params {'colsample_bytree': 0.6431175809174914, 'learning_rate': 0.005481155489361076, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 600, 'num_leaves': 114, 'subsample': 0.99016126625416}
Epoch : 2245: f1_weighted Score 0.809 params {'colsample_bytree': 0.6641814623394878, 'learning_rate': 0.01798874309374011, 'max_depth': 13, 'min_child_samples': 24, 'n_estimators': 150, 'num_leaves': 40, 'subsample': 0.9605634965776254}
Epoch : 2246: f1_weighted Score 0.782 params {'colsample_bytree': 0.5380893073671537, 'learning_rate': 0.01537236624618887, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 1200, 'num_leaves': 80, 'subsample': 0.8964297553611786}
Epoch : 2247: f1_weighted Score 0.788 params {'colsample_bytree': 0.8305674450019753, 'learning_rate': 0.02072864095911371, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 475, 'num_leaves': 116, 'subsample': 0.9018070439751569}
Epoch : 2248: f1_weighted Score 0.814 params {'colsample_bytree': 0.7349118982933484, 'learning_rate': 0.009322034795490578, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 16, 'subsample': 0.9243676845123825}
Epoch : 2249: f1_weighted Score 0.812 params {'colsample_bytree': 0.573925716003767, 'learning_rate': 0.027893990486842834, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 8, 'subsample': 0.9399164632075783}
Epoch : 2250: f1_weighted Score 0.812 params {'colsample_bytree': 0.5834053968556315, 'learning_rate': 0.014873851333225338, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 8, 'subsample': 0.9340703663325335}
Epoch : 2251: f1_weighted Score 0.809 params {'colsample_bytree': 0.7791517892920544, 'learning_rate': 0.00504144226283806, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 575, 'num_leaves': 54, 'subsample': 0.9699181735826611}
Epoch : 2252: f1_weighted Score 0.814 params {'colsample_bytree': 0.8427702066735054, 'learning_rate': 0.007719365039636717, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 70, 'subsample': 0.9786368294307469}
Epoch : 2253: f1_weighted Score 0.814 params {'colsample_bytree': 0.8328137939167877, 'learning_rate': 0.009444181715657965, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 14, 'subsample': 0.9213919311041538}
Epoch : 2254: f1_weighted Score 0.812 params {'colsample_bytree': 0.8508512323508124, 'learning_rate': 0.02622996318888453, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 12, 'subsample': 0.9677537336186507}
Epoch : 2255: f1_weighted Score 0.812 params {'colsample_bytree': 0.6424974828424115, 'learning_rate': 0.0070118624276344094, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 82, 'subsample': 0.9940134283103189}
Epoch : 2256: f1_weighted Score 0.806 params {'colsample_bytree': 0.6866667984333442, 'learning_rate': 0.005601869284091518, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 550, 'num_leaves': 98, 'subsample': 0.991431046165897}
Epoch : 2257: f1_weighted Score 0.794 params {'colsample_bytree': 0.7899371600893395, 'learning_rate': 0.039175997024903444, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 42, 'subsample': 0.9297630564467586}
Epoch : 2258: f1_weighted Score 0.812 params {'colsample_bytree': 0.7763106941607187, 'learning_rate': 0.013117827751679852, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 64, 'subsample': 0.9286492340791644}
Epoch : 2259: f1_weighted Score 0.812 params {'colsample_bytree': 0.8135227833183827, 'learning_rate': 0.015718111551157397, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 30, 'subsample': 0.9253817904350292}
Epoch : 2260: f1_weighted Score 0.795 params {'colsample_bytree': 0.6095030433502306, 'learning_rate': 0.026521198479171233, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 70, 'subsample': 0.9588296860781501}
Epoch : 2261: f1_weighted Score 0.814 params {'colsample_bytree': 0.6280789573219515, 'learning_rate': 0.010227520200240751, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 110, 'subsample': 0.901849511958162}
Epoch : 2262: f1_weighted Score 0.814 params {'colsample_bytree': 0.7825795555196404, 'learning_rate': 0.008349218522820952, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 36, 'subsample': 0.9945979603082084}
Epoch : 2263: f1_weighted Score 0.798 params {'colsample_bytree': 0.7325776322262307, 'learning_rate': 0.015801827736129984, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 300, 'num_leaves': 26, 'subsample': 0.9511135901785427}
Epoch : 2264: f1_weighted Score 0.789 params {'colsample_bytree': 0.8411479669230435, 'learning_rate': 0.018430138025290792, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 725, 'num_leaves': 118, 'subsample': 0.9300594531250621}
Epoch : 2265: f1_weighted Score 0.812 params {'colsample_bytree': 0.8573404101053259, 'learning_rate': 0.022881934630727643, 'max_depth': 4, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 92, 'subsample': 0.9300456221465302}
Epoch : 2266: f1_weighted Score 0.805 params {'colsample_bytree': 0.7442063392065608, 'learning_rate': 0.01188390261684623, 'max_depth': 13, 'min_child_samples': 18, 'n_estimators': 225, 'num_leaves': 114, 'subsample': 0.9523056961251188}
Epoch : 2267: f1_weighted Score 0.814 params {'colsample_bytree': 0.7008833430792328, 'learning_rate': 0.005468885113607248, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 60, 'subsample': 0.8334103124703902}
Epoch : 2268: f1_weighted Score 0.812 params {'colsample_bytree': 0.7722471645271071, 'learning_rate': 0.005317224502533505, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 450, 'num_leaves': 36, 'subsample': 0.9352168972854791}
Epoch : 2269: f1_weighted Score 0.812 params {'colsample_bytree': 0.7194346426652148, 'learning_rate': 0.008669381131499863, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 104, 'subsample': 0.9141350933491401}
Epoch : 2270: f1_weighted Score 0.814 params {'colsample_bytree': 0.5925290534459217, 'learning_rate': 0.007105505896222868, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 24, 'subsample': 0.9704353924400617}
Epoch : 2271: f1_weighted Score 0.811 params {'colsample_bytree': 0.7086751379859252, 'learning_rate': 0.008276070137854186, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 90, 'subsample': 0.9738185855985343}
Epoch : 2272: f1_weighted Score 0.802 params {'colsample_bytree': 0.780897882344266, 'learning_rate': 0.01321477800638845, 'max_depth': 8, 'min_child_samples': 16, 'n_estimators': 200, 'num_leaves': 118, 'subsample': 0.9547017487224861}
Epoch : 2273: f1_weighted Score 0.812 params {'colsample_bytree': 0.953981836224807, 'learning_rate': 0.018546411725137758, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 40, 'subsample': 0.9365075670268541}
Epoch : 2274: f1_weighted Score 0.812 params {'colsample_bytree': 0.9897866333424162, 'learning_rate': 0.016633444200027405, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 30, 'subsample': 0.9550573507941611}
Epoch : 2275: f1_weighted Score 0.814 params {'colsample_bytree': 0.7644132711011762, 'learning_rate': 0.012605176324609134, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 38, 'subsample': 0.9207405481375615}
Epoch : 2276: f1_weighted Score 0.801 params {'colsample_bytree': 0.7290016552389499, 'learning_rate': 0.02361241162137519, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 200, 'num_leaves': 88, 'subsample': 0.9225279001490172}
Epoch : 2277: f1_weighted Score 0.812 params {'colsample_bytree': 0.7318292353317298, 'learning_rate': 0.012131934415137866, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 175, 'num_leaves': 112, 'subsample': 0.9573869875481015}
Epoch : 2278: f1_weighted Score 0.812 params {'colsample_bytree': 0.9035366375245522, 'learning_rate': 0.013883500307342292, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 72, 'subsample': 0.908651047400761}
Epoch : 2279: f1_weighted Score 0.805 params {'colsample_bytree': 0.8183790718929098, 'learning_rate': 0.005482853152136743, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 600, 'num_leaves': 128, 'subsample': 0.9997691680689278}
Epoch : 2280: f1_weighted Score 0.812 params {'colsample_bytree': 0.919382363103134, 'learning_rate': 0.021244192801652115, 'max_depth': 19, 'min_child_samples': 30, 'n_estimators': 50, 'num_leaves': 122, 'subsample': 0.8439140267944728}
Epoch : 2281: f1_weighted Score 0.812 params {'colsample_bytree': 0.6473189102379326, 'learning_rate': 0.0057868953939156035, 'max_depth': 3, 'min_child_samples': 26, 'n_estimators': 450, 'num_leaves': 62, 'subsample': 0.8745500733663175}
Epoch : 2282: f1_weighted Score 0.812 params {'colsample_bytree': 0.7487686228628809, 'learning_rate': 0.009200875266780796, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 32, 'subsample': 0.9867242155851261}
Epoch : 2283: f1_weighted Score 0.805 params {'colsample_bytree': 0.7625722187630047, 'learning_rate': 0.011973861188856356, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 114, 'subsample': 0.9479373103608478}
Epoch : 2284: f1_weighted Score 0.812 params {'colsample_bytree': 0.716929995270181, 'learning_rate': 0.0062615561707460255, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 425, 'num_leaves': 100, 'subsample': 0.9809698204973045}
Epoch : 2285: f1_weighted Score 0.811 params {'colsample_bytree': 0.5862572101654524, 'learning_rate': 0.022350965307774563, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 46, 'subsample': 0.8132243112634253}
Epoch : 2286: f1_weighted Score 0.780 params {'colsample_bytree': 0.702543773465889, 'learning_rate': 0.03371632245837199, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 750, 'num_leaves': 10, 'subsample': 0.841723106214642}
Epoch : 2287: f1_weighted Score 0.782 params {'colsample_bytree': 0.5667380644551487, 'learning_rate': 0.12927479763098007, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 48, 'subsample': 0.9311451427865478}
Epoch : 2288: f1_weighted Score 0.814 params {'colsample_bytree': 0.5988548357409298, 'learning_rate': 0.005093117009074606, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 525, 'num_leaves': 118, 'subsample': 0.9859150407765305}
Epoch : 2289: f1_weighted Score 0.812 params {'colsample_bytree': 0.7195009712966143, 'learning_rate': 0.00597957129143183, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 98, 'subsample': 0.91506645184319}
Epoch : 2290: f1_weighted Score 0.812 params {'colsample_bytree': 0.7753616139285119, 'learning_rate': 0.010596102735710558, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 46, 'subsample': 0.9870999681165056}
Epoch : 2291: f1_weighted Score 0.812 params {'colsample_bytree': 0.7569364003503594, 'learning_rate': 0.015830613259690453, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 52, 'subsample': 0.968426207434038}
Epoch : 2292: f1_weighted Score 0.806 params {'colsample_bytree': 0.6497675305820223, 'learning_rate': 0.006594883477967696, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 56, 'subsample': 0.9702115842017865}
Epoch : 2293: f1_weighted Score 0.812 params {'colsample_bytree': 0.7668816497274662, 'learning_rate': 0.010048365189633689, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 42, 'subsample': 0.9413140331616882}
Epoch : 2294: f1_weighted Score 0.812 params {'colsample_bytree': 0.7201625137976528, 'learning_rate': 0.006762384828124947, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 20, 'subsample': 0.9426124631713738}
Epoch : 2295: f1_weighted Score 0.810 params {'colsample_bytree': 0.39624341387018835, 'learning_rate': 0.0063196502090915, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 106, 'subsample': 0.9446411737534824}
Epoch : 2296: f1_weighted Score 0.812 params {'colsample_bytree': 0.7049512335019698, 'learning_rate': 0.007817921559504701, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 94, 'subsample': 0.8784982689201021}
Epoch : 2297: f1_weighted Score 0.804 params {'colsample_bytree': 0.6728356226877219, 'learning_rate': 0.017417754576374633, 'max_depth': 6, 'min_child_samples': 8, 'n_estimators': 75, 'num_leaves': 22, 'subsample': 0.9600808612946534}
Epoch : 2298: f1_weighted Score 0.814 params {'colsample_bytree': 0.7172466172666176, 'learning_rate': 0.013216680905630033, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 175, 'num_leaves': 96, 'subsample': 0.9530853514743172}
Epoch : 2299: f1_weighted Score 0.812 params {'colsample_bytree': 0.8068247299213772, 'learning_rate': 0.05180393839097078, 'max_depth': 3, 'min_child_samples': 24, 'n_estimators': 50, 'num_leaves': 90, 'subsample': 0.866469473316723}
Epoch : 2300: f1_weighted Score 0.812 params {'colsample_bytree': 0.6836986065519938, 'learning_rate': 0.017680519103491596, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 24, 'subsample': 0.9529270480601048}
Epoch : 2301: f1_weighted Score 0.804 params {'colsample_bytree': 0.69230118767369, 'learning_rate': 0.016389623730745918, 'max_depth': 6, 'min_child_samples': 6, 'n_estimators': 125, 'num_leaves': 22, 'subsample': 0.9593839417351794}
Epoch : 2302: f1_weighted Score 0.812 params {'colsample_bytree': 0.8514664540353643, 'learning_rate': 0.025354287798005398, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 50, 'num_leaves': 30, 'subsample': 0.9450792117713525}
Epoch : 2303: f1_weighted Score 0.814 params {'colsample_bytree': 0.7172307141149328, 'learning_rate': 0.006040051985954227, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 108, 'subsample': 0.8976371453425273}
Epoch : 2304: f1_weighted Score 0.812 params {'colsample_bytree': 0.7016567468483935, 'learning_rate': 0.009055643676065367, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 16, 'subsample': 0.9735283298963094}
Epoch : 2305: f1_weighted Score 0.812 params {'colsample_bytree': 0.6837661933258181, 'learning_rate': 0.014048945573739022, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 74, 'subsample': 0.9636281087728722}
Epoch : 2306: f1_weighted Score 0.814 params {'colsample_bytree': 0.829338821294655, 'learning_rate': 0.008936179187449251, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 42, 'subsample': 0.9165854003455283}
Epoch : 2307: f1_weighted Score 0.814 params {'colsample_bytree': 0.735207668982398, 'learning_rate': 0.006402027150654722, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 50, 'subsample': 0.9104363396933172}
Epoch : 2308: f1_weighted Score 0.812 params {'colsample_bytree': 0.947078772358757, 'learning_rate': 0.029367390628577184, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 64, 'subsample': 0.8394192995061311}
Epoch : 2309: f1_weighted Score 0.806 params {'colsample_bytree': 0.7252344834926424, 'learning_rate': 0.007348684241975022, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 425, 'num_leaves': 102, 'subsample': 0.9450509469397109}
Epoch : 2310: f1_weighted Score 0.809 params {'colsample_bytree': 0.6278670710831944, 'learning_rate': 0.008826764535087388, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 78, 'subsample': 0.9828257569368272}
Epoch : 2311: f1_weighted Score 0.811 params {'colsample_bytree': 0.6652505869095755, 'learning_rate': 0.005803195811405291, 'max_depth': 12, 'min_child_samples': 30, 'n_estimators': 550, 'num_leaves': 60, 'subsample': 0.9745082967674447}
Epoch : 2312: f1_weighted Score 0.814 params {'colsample_bytree': 0.6964774440608671, 'learning_rate': 0.006143046306212391, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 106, 'subsample': 0.9558807637678459}
Epoch : 2313: f1_weighted Score 0.814 params {'colsample_bytree': 0.6750649686364503, 'learning_rate': 0.0076755753106018745, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 18, 'subsample': 0.9676917767074334}
Epoch : 2314: f1_weighted Score 0.812 params {'colsample_bytree': 0.6753627956395006, 'learning_rate': 0.009756257933290796, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 114, 'subsample': 0.9180944069017022}
Epoch : 2315: f1_weighted Score 0.812 params {'colsample_bytree': 0.8240588847023221, 'learning_rate': 0.05330805782672354, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 50, 'num_leaves': 86, 'subsample': 0.862581603012897}
Epoch : 2316: f1_weighted Score 0.812 params {'colsample_bytree': 0.8004608965551862, 'learning_rate': 0.010317680433238528, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 88, 'subsample': 0.9618445024926572}
Epoch : 2317: f1_weighted Score 0.811 params {'colsample_bytree': 0.9046093236694134, 'learning_rate': 0.008327783892044235, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 34, 'subsample': 0.9001009110324246}
Epoch : 2318: f1_weighted Score 0.814 params {'colsample_bytree': 0.722700292345446, 'learning_rate': 0.005835485515366284, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 475, 'num_leaves': 16, 'subsample': 0.9644662280193378}
Epoch : 2319: f1_weighted Score 0.812 params {'colsample_bytree': 0.6649577471528113, 'learning_rate': 0.00980975941457776, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 16, 'subsample': 0.9601082754621462}
Epoch : 2320: f1_weighted Score 0.812 params {'colsample_bytree': 0.6948226197686227, 'learning_rate': 0.012682394720052653, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 24, 'subsample': 0.9573124811296944}
Epoch : 2321: f1_weighted Score 0.812 params {'colsample_bytree': 0.6233954666908946, 'learning_rate': 0.00697082939662143, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 62, 'subsample': 0.9500338436053596}
Epoch : 2322: f1_weighted Score 0.783 params {'colsample_bytree': 0.6157381527092897, 'learning_rate': 0.01984039538716525, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 1500, 'num_leaves': 66, 'subsample': 0.8551542484066071}
Epoch : 2323: f1_weighted Score 0.812 params {'colsample_bytree': 0.6517525167769765, 'learning_rate': 0.011031552798457413, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 22, 'subsample': 0.9546370209254824}
Epoch : 2324: f1_weighted Score 0.809 params {'colsample_bytree': 0.8775172742390724, 'learning_rate': 0.012250922483920575, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 12, 'subsample': 0.9656731738775056}
Epoch : 2325: f1_weighted Score 0.812 params {'colsample_bytree': 0.7452112705596396, 'learning_rate': 0.007374613028865558, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 32, 'subsample': 0.9091806650483613}
Epoch : 2326: f1_weighted Score 0.814 params {'colsample_bytree': 0.7016956228673669, 'learning_rate': 0.0080602266220001, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 100, 'subsample': 0.9960881534870696}
Epoch : 2327: f1_weighted Score 0.814 params {'colsample_bytree': 0.6564534583961681, 'learning_rate': 0.008521502356004844, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 44, 'subsample': 0.9758746268492128}
Epoch : 2328: f1_weighted Score 0.812 params {'colsample_bytree': 0.6906522731999646, 'learning_rate': 0.008299407340804038, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 48, 'subsample': 0.9999771351896735}
Epoch : 2329: f1_weighted Score 0.811 params {'colsample_bytree': 0.570969906617593, 'learning_rate': 0.007707921645869912, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 104, 'subsample': 0.9025780745627054}
Epoch : 2330: f1_weighted Score 0.812 params {'colsample_bytree': 0.6087308258024817, 'learning_rate': 0.015351169732335739, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 26, 'subsample': 0.9485751839219265}
Epoch : 2331: f1_weighted Score 0.814 params {'colsample_bytree': 0.6179794793265087, 'learning_rate': 0.009225314028032387, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 28, 'subsample': 0.901871826259946}
Epoch : 2332: f1_weighted Score 0.803 params {'colsample_bytree': 0.5923305730553468, 'learning_rate': 0.01860367036882878, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 20, 'subsample': 0.9365660645029646}
Epoch : 2333: f1_weighted Score 0.812 params {'colsample_bytree': 0.8943132857132273, 'learning_rate': 0.007613894644580592, 'max_depth': 8, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 66, 'subsample': 0.9459555410955363}
Epoch : 2334: f1_weighted Score 0.812 params {'colsample_bytree': 0.8112239291082282, 'learning_rate': 0.01156492883850857, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 150, 'num_leaves': 96, 'subsample': 0.9499938915712893}
Epoch : 2335: f1_weighted Score 0.814 params {'colsample_bytree': 0.7340298173270718, 'learning_rate': 0.007204319387085143, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 120, 'subsample': 0.9715788410038564}
Epoch : 2336: f1_weighted Score 0.812 params {'colsample_bytree': 0.8066764200483708, 'learning_rate': 0.06014203439363698, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 50, 'num_leaves': 112, 'subsample': 0.8528808804734337}
Epoch : 2337: f1_weighted Score 0.814 params {'colsample_bytree': 0.6433307853383665, 'learning_rate': 0.005291786870959928, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 475, 'num_leaves': 112, 'subsample': 0.9819236488090155}
Epoch : 2338: f1_weighted Score 0.789 params {'colsample_bytree': 0.7569062848986781, 'learning_rate': 0.024614345751302204, 'max_depth': 12, 'min_child_samples': 20, 'n_estimators': 600, 'num_leaves': 46, 'subsample': 0.9958697679520375}
Epoch : 2339: f1_weighted Score 0.812 params {'colsample_bytree': 0.8518551716497684, 'learning_rate': 0.009494393597015269, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 14, 'subsample': 0.8732206000189746}
Epoch : 2340: f1_weighted Score 0.812 params {'colsample_bytree': 0.7924477982945174, 'learning_rate': 0.006207829124117922, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 425, 'num_leaves': 96, 'subsample': 0.905327655130232}
Epoch : 2341: f1_weighted Score 0.812 params {'colsample_bytree': 0.6136916599913634, 'learning_rate': 0.020560033375744247, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 48, 'subsample': 0.9639476496149172}
Epoch : 2342: f1_weighted Score 0.809 params {'colsample_bytree': 0.4533275699560527, 'learning_rate': 0.06033707518686405, 'max_depth': 4, 'min_child_samples': 20, 'n_estimators': 75, 'num_leaves': 86, 'subsample': 0.8588413837794987}
Epoch : 2343: f1_weighted Score 0.814 params {'colsample_bytree': 0.7047623473724031, 'learning_rate': 0.008879993468413356, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 68, 'subsample': 0.9627919558792476}
Epoch : 2344: f1_weighted Score 0.796 params {'colsample_bytree': 0.6742946745675366, 'learning_rate': 0.04018793254723714, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 60, 'subsample': 0.966341182759162}
Epoch : 2345: f1_weighted Score 0.812 params {'colsample_bytree': 0.9977240357609592, 'learning_rate': 0.010661269744570523, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 56, 'subsample': 0.8139712423375612}
Epoch : 2346: f1_weighted Score 0.812 params {'colsample_bytree': 0.8589133627309964, 'learning_rate': 0.0070260568611453505, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 400, 'num_leaves': 10, 'subsample': 0.9798150120152105}
Epoch : 2347: f1_weighted Score 0.812 params {'colsample_bytree': 0.8843678993226242, 'learning_rate': 0.01219285456215832, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 34, 'subsample': 0.9330035653384389}
Epoch : 2348: f1_weighted Score 0.811 params {'colsample_bytree': 0.6750019477900804, 'learning_rate': 0.009708075718378412, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 108, 'subsample': 0.9588877077797283}
Epoch : 2349: f1_weighted Score 0.812 params {'colsample_bytree': 0.7853640277874051, 'learning_rate': 0.008053275722888662, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 10, 'subsample': 0.9243680292787523}
Epoch : 2350: f1_weighted Score 0.814 params {'colsample_bytree': 0.6164239380051738, 'learning_rate': 0.014346461510831951, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 38, 'subsample': 0.9048503815238954}
Epoch : 2351: f1_weighted Score 0.808 params {'colsample_bytree': 0.9966453959862263, 'learning_rate': 0.006715760055720919, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 450, 'num_leaves': 38, 'subsample': 0.8964393475589452}
Epoch : 2352: f1_weighted Score 0.814 params {'colsample_bytree': 0.7950260865323043, 'learning_rate': 0.005069281277947907, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 58, 'subsample': 0.8107224688381679}
Epoch : 2353: f1_weighted Score 0.812 params {'colsample_bytree': 0.8196975719536088, 'learning_rate': 0.07363358445626102, 'max_depth': 4, 'min_child_samples': 24, 'n_estimators': 50, 'num_leaves': 64, 'subsample': 0.8707537397563986}
Epoch : 2354: f1_weighted Score 0.812 params {'colsample_bytree': 0.7474316609404422, 'learning_rate': 0.0065454354750859815, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 375, 'num_leaves': 92, 'subsample': 0.8621897296297967}
Epoch : 2355: f1_weighted Score 0.811 params {'colsample_bytree': 0.6668144945469928, 'learning_rate': 0.005816241255640179, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 50, 'subsample': 0.960933015624819}
Epoch : 2356: f1_weighted Score 0.812 params {'colsample_bytree': 0.8225052547734533, 'learning_rate': 0.020020581659981915, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 150, 'num_leaves': 30, 'subsample': 0.9513713947774337}
Epoch : 2357: f1_weighted Score 0.812 params {'colsample_bytree': 0.8296875303850177, 'learning_rate': 0.017593314875749694, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 28, 'subsample': 0.949209283218175}
Epoch : 2358: f1_weighted Score 0.814 params {'colsample_bytree': 0.7592504943137157, 'learning_rate': 0.01394650279876275, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 26, 'subsample': 0.9353591515721672}
Epoch : 2359: f1_weighted Score 0.809 params {'colsample_bytree': 0.6577204347229718, 'learning_rate': 0.005055497884334024, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 550, 'num_leaves': 64, 'subsample': 0.9900241157048617}
Epoch : 2360: f1_weighted Score 0.812 params {'colsample_bytree': 0.9177009406378713, 'learning_rate': 0.020523234581706934, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 58, 'subsample': 0.9361625114243324}
Epoch : 2361: f1_weighted Score 0.811 params {'colsample_bytree': 0.8064603642452727, 'learning_rate': 0.005494385826639313, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 525, 'num_leaves': 60, 'subsample': 0.8311398147696378}
Epoch : 2362: f1_weighted Score 0.812 params {'colsample_bytree': 0.7643911301455175, 'learning_rate': 0.007695823677860816, 'max_depth': 12, 'min_child_samples': 24, 'n_estimators': 275, 'num_leaves': 34, 'subsample': 0.9535082047407049}
Epoch : 2363: f1_weighted Score 0.800 params {'colsample_bytree': 0.7710184041154439, 'learning_rate': 0.007927902962553812, 'max_depth': 12, 'min_child_samples': 14, 'n_estimators': 350, 'num_leaves': 38, 'subsample': 0.9915158557193862}
Epoch : 2364: f1_weighted Score 0.812 params {'colsample_bytree': 0.6319783086485665, 'learning_rate': 0.006718635675629696, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 82, 'subsample': 0.8155400394841039}
Epoch : 2365: f1_weighted Score 0.810 params {'colsample_bytree': 0.7695456112209342, 'learning_rate': 0.022014702473116387, 'max_depth': 3, 'min_child_samples': 26, 'n_estimators': 175, 'num_leaves': 92, 'subsample': 0.9216804601515022}
Epoch : 2366: f1_weighted Score 0.812 params {'colsample_bytree': 0.8008589246604066, 'learning_rate': 0.005000771762817422, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 450, 'num_leaves': 54, 'subsample': 0.8591093257527397}
Epoch : 2367: f1_weighted Score 0.811 params {'colsample_bytree': 0.929633730997071, 'learning_rate': 0.010478418177149288, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 124, 'subsample': 0.8908851781757352}
Epoch : 2368: f1_weighted Score 0.809 params {'colsample_bytree': 0.7314967324763844, 'learning_rate': 0.011612664693629472, 'max_depth': 15, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 46, 'subsample': 0.8802133596820868}
Epoch : 2369: f1_weighted Score 0.812 params {'colsample_bytree': 0.9985708103722744, 'learning_rate': 0.018409879375424813, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 46, 'subsample': 0.8846021127253896}
Epoch : 2370: f1_weighted Score 0.812 params {'colsample_bytree': 0.7499866033257726, 'learning_rate': 0.0076386217574833755, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 36, 'subsample': 0.9914588120845897}
Epoch : 2371: f1_weighted Score 0.810 params {'colsample_bytree': 0.7507522549223498, 'learning_rate': 0.007662913115136589, 'max_depth': 13, 'min_child_samples': 22, 'n_estimators': 275, 'num_leaves': 36, 'subsample': 0.9569451132508613}
Epoch : 2372: f1_weighted Score 0.812 params {'colsample_bytree': 0.7697790957884479, 'learning_rate': 0.006072518877438253, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 26, 'subsample': 0.9427352256504602}
Epoch : 2373: f1_weighted Score 0.814 params {'colsample_bytree': 0.7418456391881432, 'learning_rate': 0.00641607869380806, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 375, 'num_leaves': 50, 'subsample': 0.9682577092955151}
Epoch : 2374: f1_weighted Score 0.799 params {'colsample_bytree': 0.7920516003321585, 'learning_rate': 0.07216311216006085, 'max_depth': 18, 'min_child_samples': 26, 'n_estimators': 75, 'num_leaves': 98, 'subsample': 0.9121340245297505}
Epoch : 2375: f1_weighted Score 0.811 params {'colsample_bytree': 0.7384292286676586, 'learning_rate': 0.009175592222258775, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 22, 'subsample': 0.9948539891237695}
Epoch : 2376: f1_weighted Score 0.814 params {'colsample_bytree': 0.8709725224175782, 'learning_rate': 0.006371156200152936, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 26, 'subsample': 0.9783352482231487}
Epoch : 2377: f1_weighted Score 0.795 params {'colsample_bytree': 0.8761625759623668, 'learning_rate': 0.005619813516176866, 'max_depth': 5, 'min_child_samples': 4, 'n_estimators': 500, 'num_leaves': 56, 'subsample': 0.8301603849290565}
Epoch : 2378: f1_weighted Score 0.812 params {'colsample_bytree': 0.8914977005593571, 'learning_rate': 0.01719634608783557, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 98, 'subsample': 0.9421411156750843}
Epoch : 2379: f1_weighted Score 0.814 params {'colsample_bytree': 0.7071334281607645, 'learning_rate': 0.0061530516087276365, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 70, 'subsample': 0.8352404756576051}
Epoch : 2380: f1_weighted Score 0.812 params {'colsample_bytree': 0.6648718994347304, 'learning_rate': 0.00716022930806991, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 84, 'subsample': 0.9728921541216105}
Epoch : 2381: f1_weighted Score 0.814 params {'colsample_bytree': 0.6190171989253063, 'learning_rate': 0.07722576849272997, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 50, 'num_leaves': 52, 'subsample': 0.8639757405609484}
Epoch : 2382: f1_weighted Score 0.811 params {'colsample_bytree': 0.7109484737458096, 'learning_rate': 0.006269324967606142, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 26, 'subsample': 0.9419293303165326}
Epoch : 2383: f1_weighted Score 0.812 params {'colsample_bytree': 0.6875801617838475, 'learning_rate': 0.01005380888709839, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 116, 'subsample': 0.9124016331841062}
Epoch : 2384: f1_weighted Score 0.812 params {'colsample_bytree': 0.8198128828449295, 'learning_rate': 0.014770197246818655, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 18, 'subsample': 0.9285960585684218}
Epoch : 2385: f1_weighted Score 0.809 params {'colsample_bytree': 0.8157759679010054, 'learning_rate': 0.005463863611667564, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 525, 'num_leaves': 60, 'subsample': 0.8446677512486968}
Epoch : 2386: f1_weighted Score 0.814 params {'colsample_bytree': 0.7939172338177913, 'learning_rate': 0.012034233511854883, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 48, 'subsample': 0.939675942082565}
Epoch : 2387: f1_weighted Score 0.806 params {'colsample_bytree': 0.9845035346916807, 'learning_rate': 0.013862210712147346, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 46, 'subsample': 0.8104271669679217}
Epoch : 2388: f1_weighted Score 0.814 params {'colsample_bytree': 0.6367670722506046, 'learning_rate': 0.006842515806206852, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 120, 'subsample': 0.8249601413537212}
Epoch : 2389: f1_weighted Score 0.781 params {'colsample_bytree': 0.6505307782358873, 'learning_rate': 0.06638248704145565, 'max_depth': 10, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 118, 'subsample': 0.8008751334778441}
Epoch : 2390: f1_weighted Score 0.812 params {'colsample_bytree': 0.7174827840436578, 'learning_rate': 0.008541955544208934, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 94, 'subsample': 0.9086829411968212}
Epoch : 2391: f1_weighted Score 0.814 params {'colsample_bytree': 0.729274114338847, 'learning_rate': 0.012051199449551287, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 114, 'subsample': 0.9721741615210445}
Epoch : 2392: f1_weighted Score 0.806 params {'colsample_bytree': 0.7369026815198719, 'learning_rate': 0.013091975096253362, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 84, 'subsample': 0.9778147100572406}
Epoch : 2393: f1_weighted Score 0.801 params {'colsample_bytree': 0.8096460042353674, 'learning_rate': 0.044618358226681115, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 175, 'num_leaves': 62, 'subsample': 0.8548089003153578}
Epoch : 2394: f1_weighted Score 0.811 params {'colsample_bytree': 0.6761380150379741, 'learning_rate': 0.008063920777759215, 'max_depth': 15, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 14, 'subsample': 0.9745693077182316}
Epoch : 2395: f1_weighted Score 0.812 params {'colsample_bytree': 0.8002313705231764, 'learning_rate': 0.014196751003571309, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 70, 'subsample': 0.9189787605606742}
Epoch : 2396: f1_weighted Score 0.792 params {'colsample_bytree': 0.8194574354189994, 'learning_rate': 0.10644883671774949, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 18, 'subsample': 0.8472969580383553}
Epoch : 2397: f1_weighted Score 0.812 params {'colsample_bytree': 0.5610624598921125, 'learning_rate': 0.013760185826095351, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 122, 'subsample': 0.8929051963292169}
Epoch : 2398: f1_weighted Score 0.812 params {'colsample_bytree': 0.6028893809798411, 'learning_rate': 0.010074103504368246, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 104, 'subsample': 0.9873283759170827}
Epoch : 2399: f1_weighted Score 0.812 params {'colsample_bytree': 0.7079809558941776, 'learning_rate': 0.011125048433299322, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 24, 'subsample': 0.9466809796824958}
Epoch : 2400: f1_weighted Score 0.812 params {'colsample_bytree': 0.7014218617577261, 'learning_rate': 0.01532151905839807, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 74, 'subsample': 0.9478271483733457}
Epoch : 2401: f1_weighted Score 0.812 params {'colsample_bytree': 0.9161679527762884, 'learning_rate': 0.021903253625191067, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 122, 'subsample': 0.9670134914385111}
Epoch : 2402: f1_weighted Score 0.814 params {'colsample_bytree': 0.6448694023072121, 'learning_rate': 0.007199630491821765, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 12, 'subsample': 0.8099271881227889}
Epoch : 2403: f1_weighted Score 0.786 params {'colsample_bytree': 0.9904943540982105, 'learning_rate': 0.07034862818463387, 'max_depth': 5, 'min_child_samples': 20, 'n_estimators': 150, 'num_leaves': 8, 'subsample': 0.8173684665905074}
Epoch : 2404: f1_weighted Score 0.808 params {'colsample_bytree': 0.7341834915544126, 'learning_rate': 0.012748055504448188, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 12, 'subsample': 0.9791840856790428}
Epoch : 2405: f1_weighted Score 0.806 params {'colsample_bytree': 0.9701306138613311, 'learning_rate': 0.04678821320805861, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 20, 'subsample': 0.8462182883648482}
Epoch : 2406: f1_weighted Score 0.784 params {'colsample_bytree': 0.7786390290085686, 'learning_rate': 0.08676046333335276, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 94, 'subsample': 0.8386740153424451}
Epoch : 2407: f1_weighted Score 0.803 params {'colsample_bytree': 0.7766365526687584, 'learning_rate': 0.01087048284650917, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 124, 'subsample': 0.9321640509875929}
Epoch : 2408: f1_weighted Score 0.812 params {'colsample_bytree': 0.6349429388689253, 'learning_rate': 0.021429258650021984, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 58, 'subsample': 0.9702488870152038}
Epoch : 2409: f1_weighted Score 0.812 params {'colsample_bytree': 0.7264590185376064, 'learning_rate': 0.009890076615324846, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 56, 'subsample': 0.9520311507349417}
Epoch : 2410: f1_weighted Score 0.812 params {'colsample_bytree': 0.4168822124662408, 'learning_rate': 0.009794487147332928, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 18, 'subsample': 0.9386699740948271}
Epoch : 2411: f1_weighted Score 0.785 params {'colsample_bytree': 0.6562481916798493, 'learning_rate': 0.03788369904582665, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 525, 'num_leaves': 72, 'subsample': 0.9836923935770985}
Epoch : 2412: f1_weighted Score 0.812 params {'colsample_bytree': 0.6231368219902416, 'learning_rate': 0.015170988444496606, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 38, 'subsample': 0.9442967237674349}
Epoch : 2413: f1_weighted Score 0.814 params {'colsample_bytree': 0.7249611021347605, 'learning_rate': 0.011038410054022743, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 52, 'subsample': 0.9639904921364114}
Epoch : 2414: f1_weighted Score 0.782 params {'colsample_bytree': 0.3756295021952314, 'learning_rate': 0.054785781040297236, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 82, 'subsample': 0.9883091301047113}
Epoch : 2415: f1_weighted Score 0.814 params {'colsample_bytree': 0.6430650523610847, 'learning_rate': 0.011401044010416595, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 24, 'subsample': 0.9897184506121467}
Epoch : 2416: f1_weighted Score 0.812 params {'colsample_bytree': 0.7888839996679705, 'learning_rate': 0.012651117699056766, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 22, 'subsample': 0.9254301108945203}
Epoch : 2417: f1_weighted Score 0.780 params {'colsample_bytree': 0.8246389256501165, 'learning_rate': 0.04087484503660607, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 575, 'num_leaves': 72, 'subsample': 0.9400356019072732}
Epoch : 2418: f1_weighted Score 0.812 params {'colsample_bytree': 0.4772279217628572, 'learning_rate': 0.04036982495582005, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 74, 'subsample': 0.8735089423122773}
Epoch : 2419: f1_weighted Score 0.814 params {'colsample_bytree': 0.6842069601475543, 'learning_rate': 0.010388014030951173, 'max_depth': 10, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 128, 'subsample': 0.9716044111034107}
Epoch : 2420: f1_weighted Score 0.811 params {'colsample_bytree': 0.7141400152642845, 'learning_rate': 0.012406960171470492, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 84, 'subsample': 0.9753674350287096}
Epoch : 2421: f1_weighted Score 0.814 params {'colsample_bytree': 0.7819406229772831, 'learning_rate': 0.011215970799677106, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 18, 'subsample': 0.8139869843412159}
Epoch : 2422: f1_weighted Score 0.812 params {'colsample_bytree': 0.7616457175366413, 'learning_rate': 0.010280233461801945, 'max_depth': 13, 'min_child_samples': 24, 'n_estimators': 225, 'num_leaves': 30, 'subsample': 0.9489237582900133}
Epoch : 2423: f1_weighted Score 0.810 params {'colsample_bytree': 0.7567229695147993, 'learning_rate': 0.009415863225155315, 'max_depth': 14, 'min_child_samples': 24, 'n_estimators': 275, 'num_leaves': 32, 'subsample': 0.9272837374290623}
Epoch : 2424: f1_weighted Score 0.797 params {'colsample_bytree': 0.6922919497356242, 'learning_rate': 0.08094095679543493, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 44, 'subsample': 0.9064364654836041}
Epoch : 2425: f1_weighted Score 0.812 params {'colsample_bytree': 0.8459240019796964, 'learning_rate': 0.009469349380870054, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 126, 'subsample': 0.9803416222280658}
Epoch : 2426: f1_weighted Score 0.814 params {'colsample_bytree': 0.7323426626521137, 'learning_rate': 0.01248725564952073, 'max_depth': 15, 'min_child_samples': 26, 'n_estimators': 200, 'num_leaves': 50, 'subsample': 0.9549808929827946}
Epoch : 2427: f1_weighted Score 0.814 params {'colsample_bytree': 0.7507744041913775, 'learning_rate': 0.015251669659275291, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 126, 'subsample': 0.9934954653068251}
Epoch : 2428: f1_weighted Score 0.809 params {'colsample_bytree': 0.7517963100577817, 'learning_rate': 0.018860115709270337, 'max_depth': 7, 'min_child_samples': 22, 'n_estimators': 150, 'num_leaves': 96, 'subsample': 0.9992477036887278}
Epoch : 2429: f1_weighted Score 0.814 params {'colsample_bytree': 0.997584345794486, 'learning_rate': 0.010905571008328537, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 28, 'subsample': 0.8219225979777728}
Epoch : 2430: f1_weighted Score 0.814 params {'colsample_bytree': 0.6633821866940849, 'learning_rate': 0.009160442651031596, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 26, 'subsample': 0.8885840267368057}
Epoch : 2431: f1_weighted Score 0.814 params {'colsample_bytree': 0.6555338730044584, 'learning_rate': 0.00876967733124721, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 24, 'subsample': 0.892810915482299}
Epoch : 2432: f1_weighted Score 0.802 params {'colsample_bytree': 0.6870248401988913, 'learning_rate': 0.018434794283716482, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 20, 'subsample': 0.9148484657390423}
Epoch : 2433: f1_weighted Score 0.814 params {'colsample_bytree': 0.6781387333677912, 'learning_rate': 0.01371851538321802, 'max_depth': 19, 'min_child_samples': 24, 'n_estimators': 200, 'num_leaves': 126, 'subsample': 0.9521070759525672}
Epoch : 2434: f1_weighted Score 0.810 params {'colsample_bytree': 0.7172406944338122, 'learning_rate': 0.011095009584765964, 'max_depth': 15, 'min_child_samples': 22, 'n_estimators': 200, 'num_leaves': 52, 'subsample': 0.9520210940481801}
Epoch : 2435: f1_weighted Score 0.812 params {'colsample_bytree': 0.7905102763018538, 'learning_rate': 0.008917177760504633, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 275, 'num_leaves': 96, 'subsample': 0.9445568267290084}
Epoch : 2436: f1_weighted Score 0.795 params {'colsample_bytree': 0.8652182989728382, 'learning_rate': 0.017053438528952414, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 1000, 'num_leaves': 80, 'subsample': 0.9573846575692586}
Epoch : 2437: f1_weighted Score 0.812 params {'colsample_bytree': 0.6636221845415147, 'learning_rate': 0.008223071645656457, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 28, 'subsample': 0.9642142694449117}
Epoch : 2438: f1_weighted Score 0.805 params {'colsample_bytree': 0.7810882023972188, 'learning_rate': 0.010163369330956209, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 56, 'subsample': 0.8358706126226482}
Epoch : 2439: f1_weighted Score 0.791 params {'colsample_bytree': 0.7740568342141151, 'learning_rate': 0.051916044518302645, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 250, 'num_leaves': 102, 'subsample': 0.8692309607820426}
Epoch : 2440: f1_weighted Score 0.814 params {'colsample_bytree': 0.6415938757289074, 'learning_rate': 0.00899208749050383, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 20, 'subsample': 0.9214914385390051}
Epoch : 2441: f1_weighted Score 0.811 params {'colsample_bytree': 0.6956669523647107, 'learning_rate': 0.01699592254250453, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 104, 'subsample': 0.9136823972326696}
Epoch : 2442: f1_weighted Score 0.814 params {'colsample_bytree': 0.9645368515377271, 'learning_rate': 0.011967423638593894, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 16, 'subsample': 0.8174845044235117}
Epoch : 2443: f1_weighted Score 0.812 params {'colsample_bytree': 0.4637266486789936, 'learning_rate': 0.013258546105092778, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 16, 'subsample': 0.9268096612006513}
Epoch : 2444: f1_weighted Score 0.812 params {'colsample_bytree': 0.7145860752182748, 'learning_rate': 0.006773860582932208, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 94, 'subsample': 0.9119209398911445}
Epoch : 2445: f1_weighted Score 0.814 params {'colsample_bytree': 0.7816085600963588, 'learning_rate': 0.006640189485319666, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 44, 'subsample': 0.923510608103517}
Epoch : 2446: f1_weighted Score 0.812 params {'colsample_bytree': 0.7035201276422147, 'learning_rate': 0.008097062143934576, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 102, 'subsample': 0.9148049638740211}
Epoch : 2447: f1_weighted Score 0.812 params {'colsample_bytree': 0.7443700358673982, 'learning_rate': 0.009728105826718535, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 52, 'subsample': 0.9570553914452576}
Epoch : 2448: f1_weighted Score 0.811 params {'colsample_bytree': 0.6907873230598816, 'learning_rate': 0.008624702412800968, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 60, 'subsample': 0.9672936482562765}
Epoch : 2449: f1_weighted Score 0.790 params {'colsample_bytree': 0.8633809888489911, 'learning_rate': 0.09634136580911767, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 75, 'num_leaves': 78, 'subsample': 0.8674966678274262}
Epoch : 2450: f1_weighted Score 0.793 params {'colsample_bytree': 0.8083996322786129, 'learning_rate': 0.015273975130196137, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 525, 'num_leaves': 28, 'subsample': 0.984388856104028}
Epoch : 2451: f1_weighted Score 0.783 params {'colsample_bytree': 0.6524443668665247, 'learning_rate': 0.04308613905813759, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 500, 'num_leaves': 54, 'subsample': 0.9749346700982024}
Epoch : 2452: f1_weighted Score 0.805 params {'colsample_bytree': 0.6060501342303837, 'learning_rate': 0.025304120803257394, 'max_depth': 9, 'min_child_samples': 24, 'n_estimators': 125, 'num_leaves': 72, 'subsample': 0.8320299652632828}
Epoch : 2453: f1_weighted Score 0.814 params {'colsample_bytree': 0.7455746605576579, 'learning_rate': 0.006034708587384086, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 74, 'subsample': 0.9975421247198238}
Epoch : 2454: f1_weighted Score 0.806 params {'colsample_bytree': 0.7540485596760212, 'learning_rate': 0.0054498848803488965, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 575, 'num_leaves': 46, 'subsample': 0.9401232477629701}
Epoch : 2455: f1_weighted Score 0.812 params {'colsample_bytree': 0.8407154346665914, 'learning_rate': 0.01350519387011258, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 14, 'subsample': 0.910968092374834}
Epoch : 2456: f1_weighted Score 0.812 params {'colsample_bytree': 0.8007013599062595, 'learning_rate': 0.005004035291034633, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 475, 'num_leaves': 78, 'subsample': 0.9956790710796677}
Epoch : 2457: f1_weighted Score 0.814 params {'colsample_bytree': 0.7951320636023694, 'learning_rate': 0.005038265155192402, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 550, 'num_leaves': 80, 'subsample': 0.9960500185543255}
Epoch : 2458: f1_weighted Score 0.797 params {'colsample_bytree': 0.7855289668879727, 'learning_rate': 0.014576325326448395, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 525, 'num_leaves': 116, 'subsample': 0.9937769549914747}
Epoch : 2459: f1_weighted Score 0.787 params {'colsample_bytree': 0.5671910522522184, 'learning_rate': 0.0241330350491248, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 625, 'num_leaves': 62, 'subsample': 0.9744709548068902}
Epoch : 2460: f1_weighted Score 0.814 params {'colsample_bytree': 0.9049023051931299, 'learning_rate': 0.006073114675697978, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 450, 'num_leaves': 10, 'subsample': 0.8838283621096463}
Epoch : 2461: f1_weighted Score 0.808 params {'colsample_bytree': 0.8843769521241608, 'learning_rate': 0.005733432679817709, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 44, 'subsample': 0.897675651148938}
Epoch : 2462: f1_weighted Score 0.803 params {'colsample_bytree': 0.7576320274068404, 'learning_rate': 0.01180483439668068, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 50, 'subsample': 0.9844489944335642}
Epoch : 2463: f1_weighted Score 0.812 params {'colsample_bytree': 0.5303516041528803, 'learning_rate': 0.009515041081293989, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 32, 'subsample': 0.9384048307105944}
Epoch : 2464: f1_weighted Score 0.814 params {'colsample_bytree': 0.8337458172271398, 'learning_rate': 0.019850103968988817, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 14, 'subsample': 0.9081429436488098}
Epoch : 2465: f1_weighted Score 0.812 params {'colsample_bytree': 0.8661508721939961, 'learning_rate': 0.01960413275677666, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 8, 'subsample': 0.9219189750083343}
Epoch : 2466: f1_weighted Score 0.809 params {'colsample_bytree': 0.8002627293899961, 'learning_rate': 0.005021147168093675, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 575, 'num_leaves': 82, 'subsample': 0.9984150958096102}
Epoch : 2467: f1_weighted Score 0.809 params {'colsample_bytree': 0.6246063699909249, 'learning_rate': 0.006339974446169371, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 42, 'subsample': 0.9981417445443508}
Epoch : 2468: f1_weighted Score 0.812 params {'colsample_bytree': 0.7381408699572911, 'learning_rate': 0.011337440665990036, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 22, 'subsample': 0.948660058386288}
Epoch : 2469: f1_weighted Score 0.814 params {'colsample_bytree': 0.7125216980975613, 'learning_rate': 0.010342304402273758, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 34, 'subsample': 0.9327785471133917}
Epoch : 2470: f1_weighted Score 0.777 params {'colsample_bytree': 0.7689514014512693, 'learning_rate': 0.012284501828247881, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 50, 'num_leaves': 34, 'subsample': 0.9322499592012963}
Epoch : 2471: f1_weighted Score 0.812 params {'colsample_bytree': 0.7766405813976487, 'learning_rate': 0.014165623864275353, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 88, 'subsample': 0.9451844001734481}
Epoch : 2472: f1_weighted Score 0.800 params {'colsample_bytree': 0.9084941226587872, 'learning_rate': 0.07633633420172467, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 75, 'num_leaves': 76, 'subsample': 0.8597287525138338}
Epoch : 2473: f1_weighted Score 0.812 params {'colsample_bytree': 0.8503536759928435, 'learning_rate': 0.023388965518325276, 'max_depth': 4, 'min_child_samples': 22, 'n_estimators': 125, 'num_leaves': 66, 'subsample': 0.9042337279604556}
Epoch : 2474: f1_weighted Score 0.783 params {'colsample_bytree': 0.835141234111733, 'learning_rate': 0.09038892554086678, 'max_depth': 15, 'min_child_samples': 26, 'n_estimators': 425, 'num_leaves': 98, 'subsample': 0.867132848965302}
Epoch : 2475: f1_weighted Score 0.796 params {'colsample_bytree': 0.7533252412877447, 'learning_rate': 0.010565778553132447, 'max_depth': 12, 'min_child_samples': 18, 'n_estimators': 325, 'num_leaves': 40, 'subsample': 0.9378555220700169}
Epoch : 2476: f1_weighted Score 0.812 params {'colsample_bytree': 0.8119776393842639, 'learning_rate': 0.007831479619151779, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 40, 'subsample': 0.9077205321414096}
Epoch : 2477: f1_weighted Score 0.814 params {'colsample_bytree': 0.5416555462324097, 'learning_rate': 0.007531421619708248, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 28, 'subsample': 0.9537140508818106}
Epoch : 2478: f1_weighted Score 0.804 params {'colsample_bytree': 0.7463766881168558, 'learning_rate': 0.010378551734762867, 'max_depth': 3, 'min_child_samples': 10, 'n_estimators': 300, 'num_leaves': 56, 'subsample': 0.9584886966440045}
Epoch : 2479: f1_weighted Score 0.779 params {'colsample_bytree': 0.8382112426999413, 'learning_rate': 0.08607732396888762, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 575, 'num_leaves': 106, 'subsample': 0.8327787596616046}
Epoch : 2480: f1_weighted Score 0.791 params {'colsample_bytree': 0.9625471456414753, 'learning_rate': 0.12303779477043726, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 32, 'subsample': 0.9614506736272648}
Epoch : 2481: f1_weighted Score 0.812 params {'colsample_bytree': 0.8549339544729179, 'learning_rate': 0.015751836561783555, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 48, 'subsample': 0.9441680166828327}
Epoch : 2482: f1_weighted Score 0.809 params {'colsample_bytree': 0.4895567733071838, 'learning_rate': 0.013305866294985674, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 36, 'subsample': 0.948016584383875}
Epoch : 2483: f1_weighted Score 0.811 params {'colsample_bytree': 0.7324563905588017, 'learning_rate': 0.006762828293105454, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 400, 'num_leaves': 108, 'subsample': 0.8217442323243931}
Epoch : 2484: f1_weighted Score 0.791 params {'colsample_bytree': 0.7872816492056003, 'learning_rate': 0.05958540462148849, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 175, 'num_leaves': 108, 'subsample': 0.9170481250278559}
Epoch : 2485: f1_weighted Score 0.805 params {'colsample_bytree': 0.7632604822263518, 'learning_rate': 0.009780679930348568, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 106, 'subsample': 0.885228448036683}
Epoch : 2486: f1_weighted Score 0.786 params {'colsample_bytree': 0.8411358184300253, 'learning_rate': 0.06936754001413344, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 102, 'subsample': 0.8569292466757386}
Epoch : 2487: f1_weighted Score 0.812 params {'colsample_bytree': 0.5819753428436867, 'learning_rate': 0.006310267684801656, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 54, 'subsample': 0.9682279112640831}
Epoch : 2488: f1_weighted Score 0.799 params {'colsample_bytree': 0.8225094078157884, 'learning_rate': 0.06765243196179034, 'max_depth': 16, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 118, 'subsample': 0.8622345528189833}
Epoch : 2489: f1_weighted Score 0.812 params {'colsample_bytree': 0.722454296740388, 'learning_rate': 0.005918291812145205, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 86, 'subsample': 0.9823423009731284}
Epoch : 2490: f1_weighted Score 0.814 params {'colsample_bytree': 0.9802426568401751, 'learning_rate': 0.01118513000693066, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 20, 'subsample': 0.8279842507044065}
Epoch : 2491: f1_weighted Score 0.814 params {'colsample_bytree': 0.7187768664461113, 'learning_rate': 0.008148688293946691, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 100, 'subsample': 0.911293710030891}
Epoch : 2492: f1_weighted Score 0.811 params {'colsample_bytree': 0.6614121647846861, 'learning_rate': 0.005392631765462232, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 550, 'num_leaves': 52, 'subsample': 0.9754805161058578}
Epoch : 2493: f1_weighted Score 0.812 params {'colsample_bytree': 0.7412572018314841, 'learning_rate': 0.005490686411055617, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 425, 'num_leaves': 58, 'subsample': 0.8349965820165688}
Epoch : 2494: f1_weighted Score 0.812 params {'colsample_bytree': 0.9765073907435247, 'learning_rate': 0.011859448383729208, 'max_depth': 4, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 16, 'subsample': 0.9532037399425207}
Epoch : 2495: f1_weighted Score 0.814 params {'colsample_bytree': 0.6981759898700218, 'learning_rate': 0.010774033740995299, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 82, 'subsample': 0.9789579467719078}
Epoch : 2496: f1_weighted Score 0.803 params {'colsample_bytree': 0.8285757683228241, 'learning_rate': 0.005351323100209543, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 575, 'num_leaves': 80, 'subsample': 0.8702283506890401}
Epoch : 2497: f1_weighted Score 0.796 params {'colsample_bytree': 0.9952321088360484, 'learning_rate': 0.0146293296840258, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 650, 'num_leaves': 38, 'subsample': 0.8242907412846314}
Epoch : 2498: f1_weighted Score 0.811 params {'colsample_bytree': 0.7939624184662428, 'learning_rate': 0.005463033687128868, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 500, 'num_leaves': 68, 'subsample': 0.9788706144172203}
Epoch : 2499: f1_weighted Score 0.803 params {'colsample_bytree': 0.8358529969610534, 'learning_rate': 0.031265035532430804, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 42, 'subsample': 0.9183743702990621}
Epoch : 2500: f1_weighted Score 0.809 params {'colsample_bytree': 0.7378061149934501, 'learning_rate': 0.012825169473085452, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 86, 'subsample': 0.9998260320592044}
Epoch : 2501: f1_weighted Score 0.805 params {'colsample_bytree': 0.7769165298980639, 'learning_rate': 0.008455574024715758, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 124, 'subsample': 0.9912193997695753}
Epoch : 2502: f1_weighted Score 0.814 params {'colsample_bytree': 0.683757061490009, 'learning_rate': 0.007091869011982905, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 82, 'subsample': 0.9909481734510617}
Epoch : 2503: f1_weighted Score 0.814 params {'colsample_bytree': 0.7059081385427284, 'learning_rate': 0.008107666605811824, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 92, 'subsample': 0.9128256932776312}
Epoch : 2504: f1_weighted Score 0.805 params {'colsample_bytree': 0.7631907958626124, 'learning_rate': 0.013070749098504244, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 30, 'subsample': 0.948703712121245}
Epoch : 2505: f1_weighted Score 0.811 params {'colsample_bytree': 0.5596940895354725, 'learning_rate': 0.008983995702067517, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 38, 'subsample': 0.892719216819084}
Epoch : 2506: f1_weighted Score 0.811 params {'colsample_bytree': 0.7252158981624731, 'learning_rate': 0.007980852194223462, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 104, 'subsample': 0.9061578106608625}
Epoch : 2507: f1_weighted Score 0.814 params {'colsample_bytree': 0.9967374792889567, 'learning_rate': 0.01208543519531406, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 30, 'subsample': 0.955980009928294}
Epoch : 2508: f1_weighted Score 0.777 params {'colsample_bytree': 0.8086917514082247, 'learning_rate': 0.04730298845624833, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 625, 'num_leaves': 42, 'subsample': 0.8778946533276062}
Epoch : 2509: f1_weighted Score 0.812 params {'colsample_bytree': 0.9013640177552131, 'learning_rate': 0.015167003948134902, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 40, 'subsample': 0.9332588362625905}
Epoch : 2510: f1_weighted Score 0.814 params {'colsample_bytree': 0.7052284854860598, 'learning_rate': 0.005745261411607969, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 62, 'subsample': 0.9035610476919081}
Epoch : 2511: f1_weighted Score 0.794 params {'colsample_bytree': 0.6057276906199757, 'learning_rate': 0.007376838884760444, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 825, 'num_leaves': 66, 'subsample': 0.8970111510064731}
Epoch : 2512: f1_weighted Score 0.812 params {'colsample_bytree': 0.585288743162053, 'learning_rate': 0.009794550542306442, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 112, 'subsample': 0.9283490662941877}
Epoch : 2513: f1_weighted Score 0.792 params {'colsample_bytree': 0.6342198682818584, 'learning_rate': 0.04475337703026422, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 650, 'num_leaves': 76, 'subsample': 0.9153659107456409}
Epoch : 2514: f1_weighted Score 0.812 params {'colsample_bytree': 0.7220166298243302, 'learning_rate': 0.008945215367245045, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 52, 'subsample': 0.8983688552743487}
Epoch : 2515: f1_weighted Score 0.802 params {'colsample_bytree': 0.6849325533387598, 'learning_rate': 0.01275437034729139, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 425, 'num_leaves': 8, 'subsample': 0.9627303003187595}
Epoch : 2516: f1_weighted Score 0.787 params {'colsample_bytree': 0.855801963990107, 'learning_rate': 0.04293747962223597, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 90, 'subsample': 0.9074148716020569}
Epoch : 2517: f1_weighted Score 0.780 params {'colsample_bytree': 0.6472053604050085, 'learning_rate': 0.030969633348009968, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 950, 'num_leaves': 24, 'subsample': 0.8247889004250007}
Epoch : 2518: f1_weighted Score 0.814 params {'colsample_bytree': 0.9875276687425286, 'learning_rate': 0.0164905854956677, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 28, 'subsample': 0.9461985289456265}
Epoch : 2519: f1_weighted Score 0.814 params {'colsample_bytree': 0.7050736995444858, 'learning_rate': 0.008215044524933615, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 98, 'subsample': 0.916076100039909}
Epoch : 2520: f1_weighted Score 0.812 params {'colsample_bytree': 0.7567265287623843, 'learning_rate': 0.01358289732939269, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 110, 'subsample': 0.9272263025296351}
Epoch : 2521: f1_weighted Score 0.814 params {'colsample_bytree': 0.5981783835151822, 'learning_rate': 0.007296114843669529, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 36, 'subsample': 0.9249876669175923}
Epoch : 2522: f1_weighted Score 0.814 params {'colsample_bytree': 0.7630020515403753, 'learning_rate': 0.0065094748379949, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 26, 'subsample': 0.8418003207952307}
Epoch : 2523: f1_weighted Score 0.814 params {'colsample_bytree': 0.7299115107210722, 'learning_rate': 0.005183147924425901, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 525, 'num_leaves': 26, 'subsample': 0.8385435340595989}
Epoch : 2524: f1_weighted Score 0.808 params {'colsample_bytree': 0.8435727652257551, 'learning_rate': 0.008782361959590885, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 120, 'subsample': 0.9106289651452862}
Epoch : 2525: f1_weighted Score 0.792 params {'colsample_bytree': 0.9602734803056183, 'learning_rate': 0.01326190268228099, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 650, 'num_leaves': 34, 'subsample': 0.8101452164448906}
Epoch : 2526: f1_weighted Score 0.811 params {'colsample_bytree': 0.5731909013983332, 'learning_rate': 0.007424788513129837, 'max_depth': 19, 'min_child_samples': 24, 'n_estimators': 400, 'num_leaves': 50, 'subsample': 0.9914503053691353}
Epoch : 2527: f1_weighted Score 0.814 params {'colsample_bytree': 0.7431040474106492, 'learning_rate': 0.009931387410852435, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 30, 'subsample': 0.9364863148197854}
Epoch : 2528: f1_weighted Score 0.805 params {'colsample_bytree': 0.7138308443505857, 'learning_rate': 0.01795073653777938, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 175, 'num_leaves': 20, 'subsample': 0.9213183632750455}
Epoch : 2529: f1_weighted Score 0.811 params {'colsample_bytree': 0.9682430854710666, 'learning_rate': 0.006944977583006848, 'max_depth': 19, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 56, 'subsample': 0.979676779402171}
Epoch : 2530: f1_weighted Score 0.789 params {'colsample_bytree': 0.6867473179846082, 'learning_rate': 0.009319979784333765, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 1425, 'num_leaves': 12, 'subsample': 0.803419400906187}
Epoch : 2531: f1_weighted Score 0.812 params {'colsample_bytree': 0.6905786944025805, 'learning_rate': 0.011596751147062255, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 128, 'subsample': 0.9679967800705803}
Epoch : 2532: f1_weighted Score 0.814 params {'colsample_bytree': 0.962113881783931, 'learning_rate': 0.010900329268205906, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 28, 'subsample': 0.813882350657147}
Epoch : 2533: f1_weighted Score 0.809 params {'colsample_bytree': 0.6377464991305917, 'learning_rate': 0.005089475384756671, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 700, 'num_leaves': 44, 'subsample': 0.9175526712607709}
Epoch : 2534: f1_weighted Score 0.812 params {'colsample_bytree': 0.7120201601045674, 'learning_rate': 0.01458960648917606, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 175, 'num_leaves': 118, 'subsample': 0.9644650062884036}
Epoch : 2535: f1_weighted Score 0.809 params {'colsample_bytree': 0.7732847355841331, 'learning_rate': 0.008719313515640691, 'max_depth': 6, 'min_child_samples': 12, 'n_estimators': 275, 'num_leaves': 32, 'subsample': 0.9463140463869996}
Epoch : 2536: f1_weighted Score 0.808 params {'colsample_bytree': 0.9231486601782538, 'learning_rate': 0.010257967722819906, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 24, 'subsample': 0.9605071141617748}
Epoch : 2537: f1_weighted Score 0.798 params {'colsample_bytree': 0.6605444401474041, 'learning_rate': 0.007186880034794939, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 1250, 'num_leaves': 22, 'subsample': 0.9714975061564178}
Epoch : 2538: f1_weighted Score 0.814 params {'colsample_bytree': 0.6080616570950012, 'learning_rate': 0.00637928903127893, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 425, 'num_leaves': 120, 'subsample': 0.9817308160451866}
Epoch : 2539: f1_weighted Score 0.811 params {'colsample_bytree': 0.5894226369300654, 'learning_rate': 0.007840736065273708, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 90, 'subsample': 0.9306698381162809}
Epoch : 2540: f1_weighted Score 0.803 params {'colsample_bytree': 0.9859917335883713, 'learning_rate': 0.08211820311276406, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 50, 'num_leaves': 40, 'subsample': 0.8654059577273736}
Epoch : 2541: f1_weighted Score 0.803 params {'colsample_bytree': 0.6737784720092506, 'learning_rate': 0.010515975363695376, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 76, 'subsample': 0.9741637618824031}
Epoch : 2542: f1_weighted Score 0.814 params {'colsample_bytree': 0.738110829567511, 'learning_rate': 0.00907331591686982, 'max_depth': 13, 'min_child_samples': 24, 'n_estimators': 300, 'num_leaves': 98, 'subsample': 0.9999809256977376}
Epoch : 2543: f1_weighted Score 0.810 params {'colsample_bytree': 0.794872661901687, 'learning_rate': 0.0086498694576359, 'max_depth': 6, 'min_child_samples': 22, 'n_estimators': 275, 'num_leaves': 30, 'subsample': 0.948421147396872}
Epoch : 2544: f1_weighted Score 0.811 params {'colsample_bytree': 0.5264236830395687, 'learning_rate': 0.017201969392268594, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 80, 'subsample': 0.9525547137022087}
Epoch : 2545: f1_weighted Score 0.811 params {'colsample_bytree': 0.8614193132394601, 'learning_rate': 0.012423954792939377, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 10, 'subsample': 0.9686725340311053}
Epoch : 2546: f1_weighted Score 0.814 params {'colsample_bytree': 0.8164862249114047, 'learning_rate': 0.009595835331822967, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 122, 'subsample': 0.91874518257946}
Epoch : 2547: f1_weighted Score 0.792 params {'colsample_bytree': 0.875956657692369, 'learning_rate': 0.03287725298679774, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 60, 'subsample': 0.9651663609186175}
Epoch : 2548: f1_weighted Score 0.812 params {'colsample_bytree': 0.6966325395878699, 'learning_rate': 0.010732152725370151, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 102, 'subsample': 0.9860420824336081}
Epoch : 2549: f1_weighted Score 0.797 params {'colsample_bytree': 0.8154527199909196, 'learning_rate': 0.04684173066210913, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 100, 'num_leaves': 18, 'subsample': 0.865968133673437}
Epoch : 2550: f1_weighted Score 0.807 params {'colsample_bytree': 0.7460815970208982, 'learning_rate': 0.022895960231753342, 'max_depth': 13, 'min_child_samples': 24, 'n_estimators': 125, 'num_leaves': 96, 'subsample': 0.902078004779165}
Epoch : 2551: f1_weighted Score 0.795 params {'colsample_bytree': 0.9183044225970652, 'learning_rate': 0.036345769257862585, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 22, 'subsample': 0.9715098540387529}
Epoch : 2552: f1_weighted Score 0.789 params {'colsample_bytree': 0.9435714334941179, 'learning_rate': 0.04995340441544675, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 375, 'num_leaves': 94, 'subsample': 0.9193627380574114}
Epoch : 2553: f1_weighted Score 0.812 params {'colsample_bytree': 0.8284224057340177, 'learning_rate': 0.013820992011321474, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 50, 'subsample': 0.9429008843216518}
Epoch : 2554: f1_weighted Score 0.812 params {'colsample_bytree': 0.7835574815002642, 'learning_rate': 0.006962035681406579, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 14, 'subsample': 0.9267828921367095}
Epoch : 2555: f1_weighted Score 0.812 params {'colsample_bytree': 0.6713369930130989, 'learning_rate': 0.006943351941461862, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 14, 'subsample': 0.9241241278645522}
Epoch : 2556: f1_weighted Score 0.796 params {'colsample_bytree': 0.6711389966802163, 'learning_rate': 0.013176297526748192, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 675, 'num_leaves': 116, 'subsample': 0.9207767209558}
Epoch : 2557: f1_weighted Score 0.787 params {'colsample_bytree': 0.869179376317598, 'learning_rate': 0.05890819692175516, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 38, 'subsample': 0.9294354669949442}
Epoch : 2558: f1_weighted Score 0.812 params {'colsample_bytree': 0.8037884206026055, 'learning_rate': 0.04912580234310865, 'max_depth': 3, 'min_child_samples': 24, 'n_estimators': 50, 'num_leaves': 92, 'subsample': 0.8591165383323771}
Epoch : 2559: f1_weighted Score 0.774 params {'colsample_bytree': 0.7820185441122729, 'learning_rate': 0.05040560140043109, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 600, 'num_leaves': 48, 'subsample': 0.8713995452298826}
Epoch : 2560: f1_weighted Score 0.808 params {'colsample_bytree': 0.8426990529845756, 'learning_rate': 0.007647322150972649, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 40, 'subsample': 0.8950779009172092}
Epoch : 2561: f1_weighted Score 0.809 params {'colsample_bytree': 0.6320015960754853, 'learning_rate': 0.02117821660659591, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 62, 'subsample': 0.9631059947956935}
Epoch : 2562: f1_weighted Score 0.812 params {'colsample_bytree': 0.6458614603906041, 'learning_rate': 0.006539099130236962, 'max_depth': 10, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 12, 'subsample': 0.9587005731126257}
Epoch : 2563: f1_weighted Score 0.812 params {'colsample_bytree': 0.7653616557711146, 'learning_rate': 0.005825888494484521, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 525, 'num_leaves': 112, 'subsample': 0.9274106153546463}
Epoch : 2564: f1_weighted Score 0.806 params {'colsample_bytree': 0.9370502616272802, 'learning_rate': 0.011315544038260843, 'max_depth': 8, 'min_child_samples': 18, 'n_estimators': 200, 'num_leaves': 36, 'subsample': 0.9345425523218557}
Epoch : 2565: f1_weighted Score 0.808 params {'colsample_bytree': 0.5229496358779898, 'learning_rate': 0.00718497876039317, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 400, 'num_leaves': 114, 'subsample': 0.8315489898969789}
Epoch : 2566: f1_weighted Score 0.812 params {'colsample_bytree': 0.9941318675896659, 'learning_rate': 0.011601330788293627, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 42, 'subsample': 0.818869376751973}
Epoch : 2567: f1_weighted Score 0.803 params {'colsample_bytree': 0.9561776098147232, 'learning_rate': 0.022109192304203017, 'max_depth': 7, 'min_child_samples': 16, 'n_estimators': 100, 'num_leaves': 36, 'subsample': 0.9480949572211977}
Epoch : 2568: f1_weighted Score 0.812 params {'colsample_bytree': 0.729243537963578, 'learning_rate': 0.010217808646581264, 'max_depth': 10, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 18, 'subsample': 0.8098052458341704}
Epoch : 2569: f1_weighted Score 0.812 params {'colsample_bytree': 0.654550673562953, 'learning_rate': 0.008459284887231239, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 28, 'subsample': 0.8909412919811578}
Epoch : 2570: f1_weighted Score 0.811 params {'colsample_bytree': 0.5366418772760938, 'learning_rate': 0.016382104259165295, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 32, 'subsample': 0.9452120616272408}
Epoch : 2571: f1_weighted Score 0.812 params {'colsample_bytree': 0.7895755275781992, 'learning_rate': 0.014819607893830102, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 34, 'subsample': 0.9502611765605512}
Epoch : 2572: f1_weighted Score 0.812 params {'colsample_bytree': 0.7135492626983029, 'learning_rate': 0.007874127161039341, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 88, 'subsample': 0.9686646810207288}
Epoch : 2573: f1_weighted Score 0.814 params {'colsample_bytree': 0.4458453060714621, 'learning_rate': 0.005420897296880788, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 600, 'num_leaves': 118, 'subsample': 0.9996353808256035}
Epoch : 2574: f1_weighted Score 0.633 params {'colsample_bytree': 0.3795044281526229, 'learning_rate': 0.007522339021052377, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 114, 'subsample': 0.9662997182454107}
Epoch : 2575: f1_weighted Score 0.812 params {'colsample_bytree': 0.518329856414665, 'learning_rate': 0.008122428161271213, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 96, 'subsample': 0.941070041807912}
Epoch : 2576: f1_weighted Score 0.814 params {'colsample_bytree': 0.6314529753929236, 'learning_rate': 0.007512764855118095, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 66, 'subsample': 0.97553410754032}
Epoch : 2577: f1_weighted Score 0.792 params {'colsample_bytree': 0.6281418769048612, 'learning_rate': 0.033990917375306476, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 64, 'subsample': 0.9721062176837028}
Epoch : 2578: f1_weighted Score 0.787 params {'colsample_bytree': 0.6065399597247854, 'learning_rate': 0.01753071817733033, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 1050, 'num_leaves': 44, 'subsample': 0.9619720191811423}
Epoch : 2579: f1_weighted Score 0.814 params {'colsample_bytree': 0.7622689431230936, 'learning_rate': 0.010669780825762712, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 36, 'subsample': 0.9387068054304254}
Epoch : 2580: f1_weighted Score 0.805 params {'colsample_bytree': 0.9104791508067629, 'learning_rate': 0.02871915225322777, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 100, 'num_leaves': 90, 'subsample': 0.9047531937955602}
Epoch : 2581: f1_weighted Score 0.799 params {'colsample_bytree': 0.5936368378168139, 'learning_rate': 0.015436620068767113, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 425, 'num_leaves': 116, 'subsample': 0.9611983107896777}
Epoch : 2582: f1_weighted Score 0.809 params {'colsample_bytree': 0.9826141359361932, 'learning_rate': 0.005081472565189676, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 575, 'num_leaves': 46, 'subsample': 0.8310628097801769}
Epoch : 2583: f1_weighted Score 0.810 params {'colsample_bytree': 0.4117209771800284, 'learning_rate': 0.012077778271723814, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 106, 'subsample': 0.9525724099165501}
Epoch : 2584: f1_weighted Score 0.812 params {'colsample_bytree': 0.5529067716741756, 'learning_rate': 0.00936426860008004, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 16, 'subsample': 0.800788616783566}
Epoch : 2585: f1_weighted Score 0.811 params {'colsample_bytree': 0.6739140684262885, 'learning_rate': 0.0050047034479508735, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 550, 'num_leaves': 54, 'subsample': 0.9708624916316547}
Epoch : 2586: f1_weighted Score 0.805 params {'colsample_bytree': 0.7992004009043171, 'learning_rate': 0.0697152033878521, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 50, 'num_leaves': 126, 'subsample': 0.8487905490331854}
Epoch : 2587: f1_weighted Score 0.811 params {'colsample_bytree': 0.6293925967648333, 'learning_rate': 0.006568508070865247, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 122, 'subsample': 0.9857132994612762}
Epoch : 2588: f1_weighted Score 0.799 params {'colsample_bytree': 0.8159409998633214, 'learning_rate': 0.0430845441581268, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 100, 'num_leaves': 74, 'subsample': 0.939292704647386}
Epoch : 2589: f1_weighted Score 0.793 params {'colsample_bytree': 0.7726032130961994, 'learning_rate': 0.011763196676339146, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 675, 'num_leaves': 46, 'subsample': 0.9247785030379931}
Epoch : 2590: f1_weighted Score 0.807 params {'colsample_bytree': 0.7553532740494151, 'learning_rate': 0.006317954766544271, 'max_depth': 11, 'min_child_samples': 22, 'n_estimators': 400, 'num_leaves': 48, 'subsample': 0.9783405614232987}
Epoch : 2591: f1_weighted Score 0.782 params {'colsample_bytree': 0.790362154582334, 'learning_rate': 0.038853089010129654, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 450, 'num_leaves': 100, 'subsample': 0.9924060943750649}
Epoch : 2592: f1_weighted Score 0.814 params {'colsample_bytree': 0.6972634969314363, 'learning_rate': 0.010618368528147789, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 58, 'subsample': 0.95592149476155}
Epoch : 2593: f1_weighted Score 0.811 params {'colsample_bytree': 0.6882971939106965, 'learning_rate': 0.008119494074237996, 'max_depth': 14, 'min_child_samples': 22, 'n_estimators': 325, 'num_leaves': 48, 'subsample': 0.9563921604303818}
Epoch : 2594: f1_weighted Score 0.812 params {'colsample_bytree': 0.7838526461467872, 'learning_rate': 0.014022237507953181, 'max_depth': 12, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 116, 'subsample': 0.995094498297244}
Epoch : 2595: f1_weighted Score 0.809 params {'colsample_bytree': 0.7714798028024361, 'learning_rate': 0.0059984753827430825, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 102, 'subsample': 0.9139538984807423}
Epoch : 2596: f1_weighted Score 0.811 params {'colsample_bytree': 0.5695300770400404, 'learning_rate': 0.006971287525051029, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 72, 'subsample': 0.9804548540914835}
Epoch : 2597: f1_weighted Score 0.800 params {'colsample_bytree': 0.6196982978530227, 'learning_rate': 0.008491359400254401, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 36, 'subsample': 0.9117634902148748}
Epoch : 2598: f1_weighted Score 0.812 params {'colsample_bytree': 0.6557706333023942, 'learning_rate': 0.025242296889213294, 'max_depth': 3, 'min_child_samples': 24, 'n_estimators': 125, 'num_leaves': 62, 'subsample': 0.9584675967639683}
Epoch : 2599: f1_weighted Score 0.814 params {'colsample_bytree': 0.6344157711627921, 'learning_rate': 0.006606626680571482, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 124, 'subsample': 0.9426743924747895}
Epoch : 2600: f1_weighted Score 0.812 params {'colsample_bytree': 0.6782118266662027, 'learning_rate': 0.00949614816142595, 'max_depth': 17, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 94, 'subsample': 0.9071266652944897}
Epoch : 2601: f1_weighted Score 0.812 params {'colsample_bytree': 0.7270149746605272, 'learning_rate': 0.006762558623450888, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 12, 'subsample': 0.9324735767930937}
Epoch : 2602: f1_weighted Score 0.812 params {'colsample_bytree': 0.825991323364844, 'learning_rate': 0.00881621636116388, 'max_depth': 11, 'min_child_samples': 24, 'n_estimators': 275, 'num_leaves': 12, 'subsample': 0.9514229782849586}
Epoch : 2603: f1_weighted Score 0.806 params {'colsample_bytree': 0.7064002753323596, 'learning_rate': 0.005112301404968462, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 625, 'num_leaves': 58, 'subsample': 0.841243706012172}
Epoch : 2604: f1_weighted Score 0.814 params {'colsample_bytree': 0.6590331363072077, 'learning_rate': 0.007702089125476353, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 32, 'subsample': 0.9000452758509455}
Epoch : 2605: f1_weighted Score 0.808 params {'colsample_bytree': 0.6391502086361464, 'learning_rate': 0.007339764281964393, 'max_depth': 12, 'min_child_samples': 20, 'n_estimators': 350, 'num_leaves': 40, 'subsample': 0.986133302163972}
Epoch : 2606: f1_weighted Score 0.814 params {'colsample_bytree': 0.8074995762098406, 'learning_rate': 0.009790876899693672, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 108, 'subsample': 0.9001372747736236}
Epoch : 2607: f1_weighted Score 0.787 params {'colsample_bytree': 0.674841215371905, 'learning_rate': 0.011242250586777825, 'max_depth': 12, 'min_child_samples': 6, 'n_estimators': 225, 'num_leaves': 112, 'subsample': 0.9674976150463938}
Epoch : 2608: f1_weighted Score 0.780 params {'colsample_bytree': 0.5043217817312272, 'learning_rate': 0.11708279550384817, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 22, 'subsample': 0.9898564469911865}
Epoch : 2609: f1_weighted Score 0.812 params {'colsample_bytree': 0.680618668687929, 'learning_rate': 0.0073109834804571654, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 10, 'subsample': 0.970266612074589}
Epoch : 2610: f1_weighted Score 0.814 params {'colsample_bytree': 0.7589667288782147, 'learning_rate': 0.007765770198450069, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 36, 'subsample': 0.9897846841546214}
Epoch : 2611: f1_weighted Score 0.812 params {'colsample_bytree': 0.7489049858498004, 'learning_rate': 0.009521180360535026, 'max_depth': 10, 'min_child_samples': 26, 'n_estimators': 200, 'num_leaves': 94, 'subsample': 0.9281561394385434}
Epoch : 2612: f1_weighted Score 0.814 params {'colsample_bytree': 0.7733505761921414, 'learning_rate': 0.007251683115985809, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 34, 'subsample': 0.9351439682363893}
Epoch : 2613: f1_weighted Score 0.812 params {'colsample_bytree': 0.7281257030276498, 'learning_rate': 0.008521575957142015, 'max_depth': 11, 'min_child_samples': 24, 'n_estimators': 300, 'num_leaves': 92, 'subsample': 0.9318449648852345}
Epoch : 2614: f1_weighted Score 0.786 params {'colsample_bytree': 0.5950189854288142, 'learning_rate': 0.03865327883643728, 'max_depth': 7, 'min_child_samples': 14, 'n_estimators': 175, 'num_leaves': 66, 'subsample': 0.9599972613991775}
Epoch : 2615: f1_weighted Score 0.806 params {'colsample_bytree': 0.773717116117759, 'learning_rate': 0.00859515986824353, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 104, 'subsample': 0.922048268623671}
Epoch : 2616: f1_weighted Score 0.811 params {'colsample_bytree': 0.671050089019536, 'learning_rate': 0.007424944427363394, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 375, 'num_leaves': 108, 'subsample': 0.9771798525048352}
Epoch : 2617: f1_weighted Score 0.812 params {'colsample_bytree': 0.8066652425833125, 'learning_rate': 0.03602130743139033, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 76, 'subsample': 0.8551483782341165}
Epoch : 2618: f1_weighted Score 0.812 params {'colsample_bytree': 0.7922567033853057, 'learning_rate': 0.01124428856918915, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 100, 'subsample': 0.9214162304144325}
Epoch : 2619: f1_weighted Score 0.812 params {'colsample_bytree': 0.7447414943442288, 'learning_rate': 0.010231403629325004, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 100, 'subsample': 0.9248509858862215}
Epoch : 2620: f1_weighted Score 0.812 params {'colsample_bytree': 0.7353812225457125, 'learning_rate': 0.0102018282685228, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 108, 'subsample': 0.9204832656334582}
Epoch : 2621: f1_weighted Score 0.814 params {'colsample_bytree': 0.7429498418503973, 'learning_rate': 0.01012019447708979, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 16, 'subsample': 0.9351645362616213}
Epoch : 2622: f1_weighted Score 0.812 params {'colsample_bytree': 0.7134337290601421, 'learning_rate': 0.005450774415296457, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 56, 'subsample': 0.8469760752387407}
Epoch : 2623: f1_weighted Score 0.811 params {'colsample_bytree': 0.7617617056409918, 'learning_rate': 0.005713437538684977, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 90, 'subsample': 0.9087996360870316}
Epoch : 2624: f1_weighted Score 0.812 params {'colsample_bytree': 0.8867076439146526, 'learning_rate': 0.013554300225974883, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 46, 'subsample': 0.9325374997390298}
Epoch : 2625: f1_weighted Score 0.796 params {'colsample_bytree': 0.6559920300455276, 'learning_rate': 0.026294855209206183, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 44, 'subsample': 0.8879940733468296}
Epoch : 2626: f1_weighted Score 0.794 params {'colsample_bytree': 0.8706371261757042, 'learning_rate': 0.026736143679151773, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 425, 'num_leaves': 92, 'subsample': 0.9146067029102087}
Epoch : 2627: f1_weighted Score 0.812 params {'colsample_bytree': 0.6587242980409866, 'learning_rate': 0.012870970366323519, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 26, 'subsample': 0.9393094918167453}
Epoch : 2628: f1_weighted Score 0.801 params {'colsample_bytree': 0.6919609083070634, 'learning_rate': 0.027826534660130284, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 525, 'num_leaves': 54, 'subsample': 0.9638555584118054}
Epoch : 2629: f1_weighted Score 0.812 params {'colsample_bytree': 0.6394862333866077, 'learning_rate': 0.007806198363607371, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 74, 'subsample': 0.9825739853676}
Epoch : 2630: f1_weighted Score 0.797 params {'colsample_bytree': 0.8144453079964834, 'learning_rate': 0.019983070789256516, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 525, 'num_leaves': 60, 'subsample': 0.9080179057569198}
Epoch : 2631: f1_weighted Score 0.812 params {'colsample_bytree': 0.6849687316443731, 'learning_rate': 0.008762590772182482, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 110, 'subsample': 0.9798254208229276}
Epoch : 2632: f1_weighted Score 0.810 params {'colsample_bytree': 0.6027062787339494, 'learning_rate': 0.006364977103859122, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 102, 'subsample': 0.8292854846102533}
Epoch : 2633: f1_weighted Score 0.796 params {'colsample_bytree': 0.7242016683565973, 'learning_rate': 0.014562566965019282, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 550, 'num_leaves': 50, 'subsample': 0.9541904109419874}
Epoch : 2634: f1_weighted Score 0.776 params {'colsample_bytree': 0.7418802809435748, 'learning_rate': 0.14305950508493467, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 50, 'subsample': 0.8399796822610313}
Epoch : 2635: f1_weighted Score 0.798 params {'colsample_bytree': 0.8172940532512213, 'learning_rate': 0.009625709724782433, 'max_depth': 11, 'min_child_samples': 22, 'n_estimators': 75, 'num_leaves': 86, 'subsample': 0.9016077517005611}
Epoch : 2636: f1_weighted Score 0.812 params {'colsample_bytree': 0.698178773921662, 'learning_rate': 0.00895451251957671, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 70, 'subsample': 0.9733844345189947}
Epoch : 2637: f1_weighted Score 0.802 params {'colsample_bytree': 0.7234758175821465, 'learning_rate': 0.0604254251425728, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 75, 'num_leaves': 78, 'subsample': 0.9608739652184716}
Epoch : 2638: f1_weighted Score 0.812 params {'colsample_bytree': 0.662325003288205, 'learning_rate': 0.01571636863431563, 'max_depth': 19, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 122, 'subsample': 0.9664226807801264}
Epoch : 2639: f1_weighted Score 0.801 params {'colsample_bytree': 0.7647101877834829, 'learning_rate': 0.012126138963607033, 'max_depth': 12, 'min_child_samples': 16, 'n_estimators': 225, 'num_leaves': 34, 'subsample': 0.9836846975066496}
Epoch : 2640: f1_weighted Score 0.812 params {'colsample_bytree': 0.6192074908149704, 'learning_rate': 0.00790042411274166, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 120, 'subsample': 0.9689920442168344}
Epoch : 2641: f1_weighted Score 0.810 params {'colsample_bytree': 0.5719502365701526, 'learning_rate': 0.019182564012380013, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 68, 'subsample': 0.9516032083298388}
Epoch : 2642: f1_weighted Score 0.812 params {'colsample_bytree': 0.6495248098239161, 'learning_rate': 0.005081438065091033, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 24, 'subsample': 0.8293855497309192}
Epoch : 2643: f1_weighted Score 0.792 params {'colsample_bytree': 0.6930823501893925, 'learning_rate': 0.011567069134180378, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 775, 'num_leaves': 52, 'subsample': 0.9375117604767053}
Epoch : 2644: f1_weighted Score 0.773 params {'colsample_bytree': 0.6057578380811618, 'learning_rate': 0.14064716046485315, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 124, 'subsample': 0.9757262295319626}
Epoch : 2645: f1_weighted Score 0.814 params {'colsample_bytree': 0.8312450378652336, 'learning_rate': 0.005018957185511146, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 550, 'num_leaves': 54, 'subsample': 0.9701199084454231}
Epoch : 2646: f1_weighted Score 0.812 params {'colsample_bytree': 0.713878715940609, 'learning_rate': 0.009749235319436021, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 110, 'subsample': 0.9723498990877955}
Epoch : 2647: f1_weighted Score 0.814 params {'colsample_bytree': 0.5934753581708, 'learning_rate': 0.007919761508972377, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 16, 'subsample': 0.9612368144816033}
Epoch : 2648: f1_weighted Score 0.812 params {'colsample_bytree': 0.6685598688138785, 'learning_rate': 0.005682991842903847, 'max_depth': 3, 'min_child_samples': 26, 'n_estimators': 475, 'num_leaves': 56, 'subsample': 0.9729542625125884}
Epoch : 2649: f1_weighted Score 0.814 params {'colsample_bytree': 0.6555611351447824, 'learning_rate': 0.0068420415902325435, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 20, 'subsample': 0.9307906463955185}
Epoch : 2650: f1_weighted Score 0.812 params {'colsample_bytree': 0.6368928516046095, 'learning_rate': 0.0065836844465828066, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 112, 'subsample': 0.906366492233558}
Epoch : 2651: f1_weighted Score 0.808 params {'colsample_bytree': 0.7016201108281027, 'learning_rate': 0.008300136000970565, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 48, 'subsample': 0.8875807611491016}
Epoch : 2652: f1_weighted Score 0.808 params {'colsample_bytree': 0.6821336517102492, 'learning_rate': 0.012289408548917772, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 18, 'subsample': 0.9642300708426328}
Epoch : 2653: f1_weighted Score 0.812 params {'colsample_bytree': 0.7146210823785762, 'learning_rate': 0.010675343585783575, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 30, 'subsample': 0.9551124415652563}
Epoch : 2654: f1_weighted Score 0.812 params {'colsample_bytree': 0.6653539790189456, 'learning_rate': 0.010166219658641956, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 30, 'subsample': 0.9430772243560094}
Epoch : 2655: f1_weighted Score 0.802 params {'colsample_bytree': 0.6986908447663606, 'learning_rate': 0.012353191889912693, 'max_depth': 8, 'min_child_samples': 8, 'n_estimators': 225, 'num_leaves': 114, 'subsample': 0.936479746429366}
Epoch : 2656: f1_weighted Score 0.809 params {'colsample_bytree': 0.690718219511259, 'learning_rate': 0.00830960251764105, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 98, 'subsample': 0.9866371707042672}
Epoch : 2657: f1_weighted Score 0.812 params {'colsample_bytree': 0.7114520029605683, 'learning_rate': 0.0062417180179919814, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 400, 'num_leaves': 46, 'subsample': 0.9033634488247374}
Epoch : 2658: f1_weighted Score 0.796 params {'colsample_bytree': 0.5844480526486587, 'learning_rate': 0.05528803523782112, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 26, 'subsample': 0.8755717749500529}
Epoch : 2659: f1_weighted Score 0.808 params {'colsample_bytree': 0.7853441075832377, 'learning_rate': 0.005808760579217402, 'max_depth': 14, 'min_child_samples': 22, 'n_estimators': 525, 'num_leaves': 126, 'subsample': 0.9995763724328388}
Epoch : 2660: f1_weighted Score 0.809 params {'colsample_bytree': 0.6488414209884623, 'learning_rate': 0.007291896766126078, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 400, 'num_leaves': 44, 'subsample': 0.9767711178445644}
Epoch : 2661: f1_weighted Score 0.812 params {'colsample_bytree': 0.7411191830862065, 'learning_rate': 0.010960715775426578, 'max_depth': 10, 'min_child_samples': 24, 'n_estimators': 250, 'num_leaves': 18, 'subsample': 0.9642543816464425}
Epoch : 2662: f1_weighted Score 0.791 params {'colsample_bytree': 0.8000425008537174, 'learning_rate': 0.010857755651387415, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 725, 'num_leaves': 106, 'subsample': 0.9393083989397474}
Epoch : 2663: f1_weighted Score 0.811 params {'colsample_bytree': 0.7099961934934762, 'learning_rate': 0.00921004631350405, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 98, 'subsample': 0.9130364064812708}
Epoch : 2664: f1_weighted Score 0.784 params {'colsample_bytree': 0.8000168696232106, 'learning_rate': 0.07524455230873735, 'max_depth': 4, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 10, 'subsample': 0.944727945065588}
Epoch : 2665: f1_weighted Score 0.814 params {'colsample_bytree': 0.5918319302962561, 'learning_rate': 0.0059792621938664, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 475, 'num_leaves': 76, 'subsample': 0.9822946521707506}
Epoch : 2666: f1_weighted Score 0.812 params {'colsample_bytree': 0.7028285741063975, 'learning_rate': 0.012025145029265388, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 80, 'subsample': 0.9283234527727846}
Epoch : 2667: f1_weighted Score 0.795 params {'colsample_bytree': 0.6222777720616399, 'learning_rate': 0.016541173782793635, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 525, 'num_leaves': 116, 'subsample': 0.9722796006313759}
Epoch : 2668: f1_weighted Score 0.796 params {'colsample_bytree': 0.9409611655953168, 'learning_rate': 0.0133693100570588, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 86, 'subsample': 0.9837582125840251}
Epoch : 2669: f1_weighted Score 0.806 params {'colsample_bytree': 0.7183075104849992, 'learning_rate': 0.005020629986968597, 'max_depth': 16, 'min_child_samples': 24, 'n_estimators': 650, 'num_leaves': 26, 'subsample': 0.839368652554885}
Epoch : 2670: f1_weighted Score 0.812 params {'colsample_bytree': 0.6765844344457349, 'learning_rate': 0.010655849741448458, 'max_depth': 10, 'min_child_samples': 24, 'n_estimators': 250, 'num_leaves': 120, 'subsample': 0.9997803840598495}
Epoch : 2671: f1_weighted Score 0.812 params {'colsample_bytree': 0.8012096711706216, 'learning_rate': 0.01316903078624914, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 110, 'subsample': 0.966565266714525}
Epoch : 2672: f1_weighted Score 0.809 params {'colsample_bytree': 0.9382177245999878, 'learning_rate': 0.03280755905794256, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 70, 'subsample': 0.9562120576012322}
Epoch : 2673: f1_weighted Score 0.812 params {'colsample_bytree': 0.6629250352012295, 'learning_rate': 0.0061576539255594675, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 108, 'subsample': 0.9674421419407828}
Epoch : 2674: f1_weighted Score 0.809 params {'colsample_bytree': 0.5717809069854763, 'learning_rate': 0.0052087150560911006, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 650, 'num_leaves': 68, 'subsample': 0.9576163900285182}
Epoch : 2675: f1_weighted Score 0.793 params {'colsample_bytree': 0.6743250079185916, 'learning_rate': 0.024340421889327658, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 500, 'num_leaves': 100, 'subsample': 0.9516541521969428}
Epoch : 2676: f1_weighted Score 0.803 params {'colsample_bytree': 0.5709623763929206, 'learning_rate': 0.033217640039566426, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 128, 'subsample': 0.89937577527611}
Epoch : 2677: f1_weighted Score 0.811 params {'colsample_bytree': 0.7782139199911453, 'learning_rate': 0.005390248860750732, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 74, 'subsample': 0.9947435175821214}
Epoch : 2678: f1_weighted Score 0.802 params {'colsample_bytree': 0.7032993493078573, 'learning_rate': 0.008225937221461898, 'max_depth': 20, 'min_child_samples': 28, 'n_estimators': 1375, 'num_leaves': 100, 'subsample': 0.9996861955964771}
Epoch : 2679: f1_weighted Score 0.789 params {'colsample_bytree': 0.611241121427843, 'learning_rate': 0.028294456134271524, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 44, 'subsample': 0.8169518565092369}
Epoch : 2680: f1_weighted Score 0.812 params {'colsample_bytree': 0.7219603094452427, 'learning_rate': 0.018149035674141296, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 90, 'subsample': 0.9088347753892154}
Epoch : 2681: f1_weighted Score 0.812 params {'colsample_bytree': 0.8262931763997433, 'learning_rate': 0.037236043008376574, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 88, 'subsample': 0.8668993122403165}
Epoch : 2682: f1_weighted Score 0.809 params {'colsample_bytree': 0.9012004239135449, 'learning_rate': 0.0070200055123138625, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 425, 'num_leaves': 14, 'subsample': 0.918667838717496}
Epoch : 2683: f1_weighted Score 0.814 params {'colsample_bytree': 0.6808402468310201, 'learning_rate': 0.013873276788990349, 'max_depth': 10, 'min_child_samples': 26, 'n_estimators': 175, 'num_leaves': 50, 'subsample': 0.9879298299228743}
Epoch : 2684: f1_weighted Score 0.812 params {'colsample_bytree': 0.5426135633568615, 'learning_rate': 0.0072512963848253035, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 425, 'num_leaves': 30, 'subsample': 0.9697431202957}
Epoch : 2685: f1_weighted Score 0.814 params {'colsample_bytree': 0.5343744176659663, 'learning_rate': 0.0064672678257297065, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 450, 'num_leaves': 20, 'subsample': 0.932576424097655}
Epoch : 2686: f1_weighted Score 0.812 params {'colsample_bytree': 0.7507525309667424, 'learning_rate': 0.007534672835106454, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 42, 'subsample': 0.9943036740782113}
Epoch : 2687: f1_weighted Score 0.812 params {'colsample_bytree': 0.8503215924635227, 'learning_rate': 0.013107315032470515, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 42, 'subsample': 0.8865873938763937}
Epoch : 2688: f1_weighted Score 0.811 params {'colsample_bytree': 0.7356255251072177, 'learning_rate': 0.008949489592863666, 'max_depth': 16, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 110, 'subsample': 0.9048971466843332}
Epoch : 2689: f1_weighted Score 0.795 params {'colsample_bytree': 0.8566329409177798, 'learning_rate': 0.015532659815903571, 'max_depth': 12, 'min_child_samples': 30, 'n_estimators': 600, 'num_leaves': 78, 'subsample': 0.9963779680799594}
Epoch : 2690: f1_weighted Score 0.812 params {'colsample_bytree': 0.559388584639764, 'learning_rate': 0.006515659418219845, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 450, 'num_leaves': 112, 'subsample': 0.9181753235587783}
Epoch : 2691: f1_weighted Score 0.812 params {'colsample_bytree': 0.7559270482132582, 'learning_rate': 0.014097469074524433, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 84, 'subsample': 0.9354981185038601}
Epoch : 2692: f1_weighted Score 0.812 params {'colsample_bytree': 0.5639565131041949, 'learning_rate': 0.008607505134552216, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 26, 'subsample': 0.9488264661040776}
Epoch : 2693: f1_weighted Score 0.805 params {'colsample_bytree': 0.6866252028393388, 'learning_rate': 0.006869340416018554, 'max_depth': 20, 'min_child_samples': 26, 'n_estimators': 450, 'num_leaves': 108, 'subsample': 0.9425542564315476}
Epoch : 2694: f1_weighted Score 0.812 params {'colsample_bytree': 0.7259493929241183, 'learning_rate': 0.015156693937241637, 'max_depth': 8, 'min_child_samples': 24, 'n_estimators': 125, 'num_leaves': 126, 'subsample': 0.9474884516018787}
Epoch : 2695: f1_weighted Score 0.805 params {'colsample_bytree': 0.7662859508073484, 'learning_rate': 0.015878734783958244, 'max_depth': 7, 'min_child_samples': 12, 'n_estimators': 175, 'num_leaves': 118, 'subsample': 0.9406001870170592}
Epoch : 2696: f1_weighted Score 0.814 params {'colsample_bytree': 0.7246957144364007, 'learning_rate': 0.009229552349852439, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 18, 'subsample': 0.9562921615549508}
Epoch : 2697: f1_weighted Score 0.812 params {'colsample_bytree': 0.7434371260371049, 'learning_rate': 0.014994906526779789, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 118, 'subsample': 0.9510063648424774}
Epoch : 2698: f1_weighted Score 0.814 params {'colsample_bytree': 0.9438726073174751, 'learning_rate': 0.016822914189260605, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 32, 'subsample': 0.9412335324156309}
Epoch : 2699: f1_weighted Score 0.814 params {'colsample_bytree': 0.9508922424679372, 'learning_rate': 0.017837820972801115, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 32, 'subsample': 0.9446778977217725}
Epoch : 2700: f1_weighted Score 0.805 params {'colsample_bytree': 0.8456065204129275, 'learning_rate': 0.02373553818939639, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 84, 'subsample': 0.900184725211625}
Epoch : 2701: f1_weighted Score 0.805 params {'colsample_bytree': 0.6658591533838327, 'learning_rate': 0.011511221030953277, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 112, 'subsample': 0.9273365836992158}
Epoch : 2702: f1_weighted Score 0.814 params {'colsample_bytree': 0.9953194648993174, 'learning_rate': 0.01148103852879332, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 50, 'subsample': 0.8007366016711461}
Epoch : 2703: f1_weighted Score 0.811 params {'colsample_bytree': 0.9648104303732897, 'learning_rate': 0.01265231973546582, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 22, 'subsample': 0.9495626205113834}
Epoch : 2704: f1_weighted Score 0.814 params {'colsample_bytree': 0.8313894192403901, 'learning_rate': 0.016817262140383864, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 102, 'subsample': 0.9380258240898111}
Epoch : 2705: f1_weighted Score 0.814 params {'colsample_bytree': 0.755447244150504, 'learning_rate': 0.009251123505980606, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 38, 'subsample': 0.952859923834825}
Epoch : 2706: f1_weighted Score 0.814 params {'colsample_bytree': 0.9781446446728249, 'learning_rate': 0.00989817137830442, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 20, 'subsample': 0.8086143595572656}
Epoch : 2707: f1_weighted Score 0.814 params {'colsample_bytree': 0.9791383913614389, 'learning_rate': 0.009934694549024065, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 20, 'subsample': 0.8074956288257429}
Epoch : 2708: f1_weighted Score 0.814 params {'colsample_bytree': 0.8582933622370718, 'learning_rate': 0.02047698654227172, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 16, 'subsample': 0.9606327076818351}
Epoch : 2709: f1_weighted Score 0.811 params {'colsample_bytree': 0.8775487906314987, 'learning_rate': 0.021868418679826643, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 16, 'subsample': 0.9599635685084662}
Epoch : 2710: f1_weighted Score 0.809 params {'colsample_bytree': 0.7015424576001089, 'learning_rate': 0.00949655887009154, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 62, 'subsample': 0.9561161577337352}
Epoch : 2711: f1_weighted Score 0.812 params {'colsample_bytree': 0.648638907135484, 'learning_rate': 0.016221950356889326, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 14, 'subsample': 0.9557791399796096}
Epoch : 2712: f1_weighted Score 0.812 params {'colsample_bytree': 0.8868954522136515, 'learning_rate': 0.009465568795728763, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 24, 'subsample': 0.9765601991554906}
Epoch : 2713: f1_weighted Score 0.811 params {'colsample_bytree': 0.696827825199812, 'learning_rate': 0.005754528700066036, 'max_depth': 9, 'min_child_samples': 26, 'n_estimators': 500, 'num_leaves': 22, 'subsample': 0.868069567458572}
Epoch : 2714: f1_weighted Score 0.814 params {'colsample_bytree': 0.7017463664081565, 'learning_rate': 0.011490006317555222, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 68, 'subsample': 0.9677031215836035}
Epoch : 2715: f1_weighted Score 0.812 params {'colsample_bytree': 0.7397888765232385, 'learning_rate': 0.011828070362205293, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 8, 'subsample': 0.971807598754973}
Epoch : 2716: f1_weighted Score 0.814 params {'colsample_bytree': 0.6869360311847735, 'learning_rate': 0.006086672335412843, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 104, 'subsample': 0.884203141519443}
Epoch : 2717: f1_weighted Score 0.805 params {'colsample_bytree': 0.9150719584413397, 'learning_rate': 0.010160031549175814, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 24, 'subsample': 0.9617126301549832}
Epoch : 2718: f1_weighted Score 0.814 params {'colsample_bytree': 0.8321209294982341, 'learning_rate': 0.007041871262038785, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 122, 'subsample': 0.9398274285509245}
Epoch : 2719: f1_weighted Score 0.812 params {'colsample_bytree': 0.8121228340330938, 'learning_rate': 0.0056755949104447655, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 60, 'subsample': 0.8374765331149422}
Epoch : 2720: f1_weighted Score 0.814 params {'colsample_bytree': 0.7674554025532719, 'learning_rate': 0.009072228365813471, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 86, 'subsample': 0.9761798630384589}
Epoch : 2721: f1_weighted Score 0.811 params {'colsample_bytree': 0.7527715836791068, 'learning_rate': 0.009200555231710981, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 28, 'subsample': 0.9847894066986767}
Epoch : 2722: f1_weighted Score 0.805 params {'colsample_bytree': 0.9644117759331056, 'learning_rate': 0.009879128987193744, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 20, 'subsample': 0.9216142475910717}
Epoch : 2723: f1_weighted Score 0.814 params {'colsample_bytree': 0.9420677677105718, 'learning_rate': 0.00606685857325125, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 78, 'subsample': 0.9794097185571116}
Epoch : 2724: f1_weighted Score 0.812 params {'colsample_bytree': 0.5131411641662463, 'learning_rate': 0.013081970211564922, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 22, 'subsample': 0.9353864775497552}
Epoch : 2725: f1_weighted Score 0.814 params {'colsample_bytree': 0.5836166184856265, 'learning_rate': 0.007395553404130943, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 118, 'subsample': 0.9757780069761814}
Epoch : 2726: f1_weighted Score 0.812 params {'colsample_bytree': 0.7345528644706308, 'learning_rate': 0.010809245023070822, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 16, 'subsample': 0.9481107219525096}
Epoch : 2727: f1_weighted Score 0.814 params {'colsample_bytree': 0.7514163635372437, 'learning_rate': 0.014290737276658737, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 150, 'num_leaves': 92, 'subsample': 0.9632673878811688}
Epoch : 2728: f1_weighted Score 0.800 params {'colsample_bytree': 0.7858077328587689, 'learning_rate': 0.012275263203553486, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 575, 'num_leaves': 56, 'subsample': 0.8351222153351668}
Epoch : 2729: f1_weighted Score 0.814 params {'colsample_bytree': 0.553610159857408, 'learning_rate': 0.005044056283563019, 'max_depth': 12, 'min_child_samples': 30, 'n_estimators': 550, 'num_leaves': 78, 'subsample': 0.9830504679902562}
Epoch : 2730: f1_weighted Score 0.803 params {'colsample_bytree': 0.4966895475783162, 'learning_rate': 0.01213600998254235, 'max_depth': 7, 'min_child_samples': 18, 'n_estimators': 325, 'num_leaves': 82, 'subsample': 0.9550131607084433}
Epoch : 2731: f1_weighted Score 0.814 params {'colsample_bytree': 0.7086986512270795, 'learning_rate': 0.005310009030496848, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 82, 'subsample': 0.8168202762105417}
Epoch : 2732: f1_weighted Score 0.814 params {'colsample_bytree': 0.6174655295122139, 'learning_rate': 0.00670655705113121, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 82, 'subsample': 0.977191178942743}
Epoch : 2733: f1_weighted Score 0.814 params {'colsample_bytree': 0.7263903280649515, 'learning_rate': 0.008709809861846288, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 12, 'subsample': 0.8042085756661177}
Epoch : 2734: f1_weighted Score 0.812 params {'colsample_bytree': 0.7344660940334681, 'learning_rate': 0.009316659142346518, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 12, 'subsample': 0.8072060637916245}
Epoch : 2735: f1_weighted Score 0.812 params {'colsample_bytree': 0.602555882300358, 'learning_rate': 0.0077005696727017875, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 88, 'subsample': 0.9814217665674065}
Epoch : 2736: f1_weighted Score 0.811 params {'colsample_bytree': 0.7641477461526157, 'learning_rate': 0.01485024700864345, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 175, 'num_leaves': 118, 'subsample': 0.91390961988377}
Epoch : 2737: f1_weighted Score 0.814 params {'colsample_bytree': 0.694125302058704, 'learning_rate': 0.014832288369944241, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 175, 'num_leaves': 124, 'subsample': 0.9641796362569025}
Epoch : 2738: f1_weighted Score 0.812 params {'colsample_bytree': 0.7780893906688352, 'learning_rate': 0.005560581788187913, 'max_depth': 4, 'min_child_samples': 26, 'n_estimators': 450, 'num_leaves': 56, 'subsample': 0.8436234039002796}
Epoch : 2739: f1_weighted Score 0.812 params {'colsample_bytree': 0.6704965380814402, 'learning_rate': 0.005792150594936105, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 475, 'num_leaves': 106, 'subsample': 0.8956450027015986}
Epoch : 2740: f1_weighted Score 0.812 params {'colsample_bytree': 0.7160071614900391, 'learning_rate': 0.008544270293740035, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 64, 'subsample': 0.9337852425617602}
Epoch : 2741: f1_weighted Score 0.803 params {'colsample_bytree': 0.764934784542584, 'learning_rate': 0.013912074963753893, 'max_depth': 19, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 102, 'subsample': 0.8900707686629183}
Epoch : 2742: f1_weighted Score 0.814 params {'colsample_bytree': 0.5124232450168437, 'learning_rate': 0.013108754574547127, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 28, 'subsample': 0.8169598019596099}
Epoch : 2743: f1_weighted Score 0.795 params {'colsample_bytree': 0.32774778917188624, 'learning_rate': 0.010992901405784222, 'max_depth': 12, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 10, 'subsample': 0.927568699785495}
Epoch : 2744: f1_weighted Score 0.812 params {'colsample_bytree': 0.7568221395363126, 'learning_rate': 0.022125689113359145, 'max_depth': 3, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 58, 'subsample': 0.9671087622823764}
Epoch : 2745: f1_weighted Score 0.814 params {'colsample_bytree': 0.7735258929862948, 'learning_rate': 0.008713610698651814, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 32, 'subsample': 0.9223748123850587}
Epoch : 2746: f1_weighted Score 0.812 params {'colsample_bytree': 0.43727058440734357, 'learning_rate': 0.005732192499687698, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 600, 'num_leaves': 116, 'subsample': 0.9922160307024375}
Epoch : 2747: f1_weighted Score 0.814 params {'colsample_bytree': 0.8315637178838571, 'learning_rate': 0.005006729072870503, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 500, 'num_leaves': 60, 'subsample': 0.9641261985762255}
Epoch : 2748: f1_weighted Score 0.812 params {'colsample_bytree': 0.8674857018111786, 'learning_rate': 0.00570502083990027, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 60, 'subsample': 0.9701921831060654}
Epoch : 2749: f1_weighted Score 0.814 params {'colsample_bytree': 0.8200848737717034, 'learning_rate': 0.005897523551643598, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 64, 'subsample': 0.9780550207294952}
Epoch : 2750: f1_weighted Score 0.812 params {'colsample_bytree': 0.8518371708912209, 'learning_rate': 0.005080298717065014, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 525, 'num_leaves': 58, 'subsample': 0.9735268289237969}
Epoch : 2751: f1_weighted Score 0.814 params {'colsample_bytree': 0.6161039419013848, 'learning_rate': 0.006322108504743805, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 124, 'subsample': 0.9512160391567644}
Epoch : 2752: f1_weighted Score 0.812 params {'colsample_bytree': 0.6358192272209258, 'learning_rate': 0.0078362422546495, 'max_depth': 14, 'min_child_samples': 24, 'n_estimators': 350, 'num_leaves': 108, 'subsample': 0.9880873289038751}
Epoch : 2753: f1_weighted Score 0.808 params {'colsample_bytree': 0.7475907740674712, 'learning_rate': 0.01183247244273865, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 22, 'subsample': 0.9601311666397464}
Epoch : 2754: f1_weighted Score 0.811 params {'colsample_bytree': 0.6541137621708187, 'learning_rate': 0.01106709217739126, 'max_depth': 10, 'min_child_samples': 22, 'n_estimators': 225, 'num_leaves': 18, 'subsample': 0.81372014067938}
Epoch : 2755: f1_weighted Score 0.812 params {'colsample_bytree': 0.719119408433772, 'learning_rate': 0.009463665039024677, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 16, 'subsample': 0.8201345570009276}
Epoch : 2756: f1_weighted Score 0.814 params {'colsample_bytree': 0.6049136283606216, 'learning_rate': 0.006765697858092201, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 122, 'subsample': 0.9501308155227612}
Epoch : 2757: f1_weighted Score 0.812 params {'colsample_bytree': 0.5830980274862663, 'learning_rate': 0.006421893271386151, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 122, 'subsample': 0.9498618923446533}
Epoch : 2758: f1_weighted Score 0.812 params {'colsample_bytree': 0.893448808366206, 'learning_rate': 0.010646574369969708, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 84, 'subsample': 0.9279049352806571}
Epoch : 2759: f1_weighted Score 0.812 params {'colsample_bytree': 0.6818219210536358, 'learning_rate': 0.011147695187958346, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 22, 'subsample': 0.9610522865048408}
Epoch : 2760: f1_weighted Score 0.778 params {'colsample_bytree': 0.6999245512798753, 'learning_rate': 0.09887442614360109, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 86, 'subsample': 0.905181552583203}
Epoch : 2761: f1_weighted Score 0.814 params {'colsample_bytree': 0.7460276045269524, 'learning_rate': 0.012700580955043126, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 20, 'subsample': 0.8291894301481242}
Epoch : 2762: f1_weighted Score 0.812 params {'colsample_bytree': 0.8872110092444043, 'learning_rate': 0.019858277927146385, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 42, 'subsample': 0.9242408748082728}
Epoch : 2763: f1_weighted Score 0.812 params {'colsample_bytree': 0.8619145418147471, 'learning_rate': 0.018713261458504885, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 44, 'subsample': 0.9187378107480861}
Epoch : 2764: f1_weighted Score 0.812 params {'colsample_bytree': 0.8790419660238791, 'learning_rate': 0.0196886513211419, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 40, 'subsample': 0.9157123553320126}
Epoch : 2765: f1_weighted Score 0.812 params {'colsample_bytree': 0.6378225344657339, 'learning_rate': 0.005060448505252599, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 550, 'num_leaves': 114, 'subsample': 0.9891153751357249}
Epoch : 2766: f1_weighted Score 0.812 params {'colsample_bytree': 0.686172437437535, 'learning_rate': 0.01336465265096391, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 114, 'subsample': 0.9299497581817302}
Epoch : 2767: f1_weighted Score 0.811 params {'colsample_bytree': 0.6685431726809492, 'learning_rate': 0.008052900921087888, 'max_depth': 20, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 118, 'subsample': 0.90457398831967}
Epoch : 2768: f1_weighted Score 0.812 params {'colsample_bytree': 0.6535540864883495, 'learning_rate': 0.006868485867262756, 'max_depth': 12, 'min_child_samples': 24, 'n_estimators': 375, 'num_leaves': 74, 'subsample': 0.979432734881834}
Epoch : 2769: f1_weighted Score 0.814 params {'colsample_bytree': 0.7286371757302206, 'learning_rate': 0.008287578086876133, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 12, 'subsample': 0.9236866413220349}
Epoch : 2770: f1_weighted Score 0.814 params {'colsample_bytree': 0.7301724387484664, 'learning_rate': 0.008117378318316357, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 14, 'subsample': 0.9245097694752087}
Epoch : 2771: f1_weighted Score 0.810 params {'colsample_bytree': 0.7267820424879607, 'learning_rate': 0.007949989564086903, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 10, 'subsample': 0.9304325731562413}
Epoch : 2772: f1_weighted Score 0.812 params {'colsample_bytree': 0.7732551764230684, 'learning_rate': 0.0061099485884371875, 'max_depth': 20, 'min_child_samples': 26, 'n_estimators': 425, 'num_leaves': 98, 'subsample': 0.9083799493597062}
Epoch : 2773: f1_weighted Score 0.814 params {'colsample_bytree': 0.738387648147388, 'learning_rate': 0.006248138168051847, 'max_depth': 19, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 106, 'subsample': 0.9430090225362475}
Epoch : 2774: f1_weighted Score 0.812 params {'colsample_bytree': 0.6707379226784635, 'learning_rate': 0.005506682942856912, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 58, 'subsample': 0.968237450114092}
Epoch : 2775: f1_weighted Score 0.812 params {'colsample_bytree': 0.7125487264606314, 'learning_rate': 0.01072010429493015, 'max_depth': 12, 'min_child_samples': 24, 'n_estimators': 200, 'num_leaves': 22, 'subsample': 0.9549603229611202}
Epoch : 2776: f1_weighted Score 0.806 params {'colsample_bytree': 0.5483654645720373, 'learning_rate': 0.016982745048107605, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 70, 'subsample': 0.9202495642769414}
Epoch : 2777: f1_weighted Score 0.812 params {'colsample_bytree': 0.7986769118175951, 'learning_rate': 0.0058998946331707556, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 525, 'num_leaves': 8, 'subsample': 0.9420214526163996}
Epoch : 2778: f1_weighted Score 0.812 params {'colsample_bytree': 0.7131658206352183, 'learning_rate': 0.009106263200064343, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 64, 'subsample': 0.9119233466774638}
Epoch : 2779: f1_weighted Score 0.812 params {'colsample_bytree': 0.71499191822366, 'learning_rate': 0.009539878338855797, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 68, 'subsample': 0.9149220733279256}
Epoch : 2780: f1_weighted Score 0.812 params {'colsample_bytree': 0.7216155647365065, 'learning_rate': 0.006061840748202763, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 104, 'subsample': 0.9476053553949102}
Epoch : 2781: f1_weighted Score 0.812 params {'colsample_bytree': 0.84617433677068, 'learning_rate': 0.016142453373877156, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 38, 'subsample': 0.9337080154789027}
Epoch : 2782: f1_weighted Score 0.812 params {'colsample_bytree': 0.693998291398073, 'learning_rate': 0.008386232840976155, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 68, 'subsample': 0.9824065189924043}
Epoch : 2783: f1_weighted Score 0.812 params {'colsample_bytree': 0.7082282923717759, 'learning_rate': 0.006034812219919638, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 104, 'subsample': 0.9411610896463001}
Epoch : 2784: f1_weighted Score 0.786 params {'colsample_bytree': 0.7928820871494636, 'learning_rate': 0.056974274125551415, 'max_depth': 13, 'min_child_samples': 24, 'n_estimators': 825, 'num_leaves': 68, 'subsample': 0.879367373911787}
Epoch : 2785: f1_weighted Score 0.781 params {'colsample_bytree': 0.9333055291420449, 'learning_rate': 0.022737115376178806, 'max_depth': 19, 'min_child_samples': 26, 'n_estimators': 700, 'num_leaves': 64, 'subsample': 0.8770727490255152}
Epoch : 2786: f1_weighted Score 0.814 params {'colsample_bytree': 0.775282361746724, 'learning_rate': 0.005309595962561884, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 96, 'subsample': 0.9430529189910254}
Epoch : 2787: f1_weighted Score 0.812 params {'colsample_bytree': 0.7977845693123393, 'learning_rate': 0.011751996413744081, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 18, 'subsample': 0.9269856890128327}
Epoch : 2788: f1_weighted Score 0.812 params {'colsample_bytree': 0.6959868174167958, 'learning_rate': 0.008793564311460061, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 60, 'subsample': 0.8870684650880661}
Epoch : 2789: f1_weighted Score 0.811 params {'colsample_bytree': 0.6857437127631005, 'learning_rate': 0.009312580891181284, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 56, 'subsample': 0.9856766804105024}
Epoch : 2790: f1_weighted Score 0.811 params {'colsample_bytree': 0.6445197105304352, 'learning_rate': 0.006286494975212211, 'max_depth': 9, 'min_child_samples': 26, 'n_estimators': 400, 'num_leaves': 120, 'subsample': 0.8732254212491205}
Epoch : 2791: f1_weighted Score 0.814 params {'colsample_bytree': 0.9595786238518949, 'learning_rate': 0.01015062925074684, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 108, 'subsample': 0.8220256176348687}
Epoch : 2792: f1_weighted Score 0.814 params {'colsample_bytree': 0.9897110148142415, 'learning_rate': 0.00700785394190016, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 28, 'subsample': 0.8229289230766237}
Epoch : 2793: f1_weighted Score 0.812 params {'colsample_bytree': 0.5954735272985019, 'learning_rate': 0.012777487794589258, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 120, 'subsample': 0.821238754400598}
Epoch : 2794: f1_weighted Score 0.812 params {'colsample_bytree': 0.6807055597099541, 'learning_rate': 0.0067350712856828355, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 375, 'num_leaves': 58, 'subsample': 0.9684410203355309}
Epoch : 2795: f1_weighted Score 0.814 params {'colsample_bytree': 0.6857275439302266, 'learning_rate': 0.007873696782079524, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 128, 'subsample': 0.8938294157147093}
Epoch : 2796: f1_weighted Score 0.812 params {'colsample_bytree': 0.7105941020461436, 'learning_rate': 0.008028511241100723, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 66, 'subsample': 0.9811468604469374}
Epoch : 2797: f1_weighted Score 0.812 params {'colsample_bytree': 0.7873490621247662, 'learning_rate': 0.013370716886132113, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 34, 'subsample': 0.9201659658957694}
Epoch : 2798: f1_weighted Score 0.812 params {'colsample_bytree': 0.6258343909110206, 'learning_rate': 0.010372747198102154, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 74, 'subsample': 0.9903130090098117}
Epoch : 2799: f1_weighted Score 0.814 params {'colsample_bytree': 0.9997217400142563, 'learning_rate': 0.012831447189029233, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 200, 'num_leaves': 28, 'subsample': 0.958553575034412}
Epoch : 2800: f1_weighted Score 0.814 params {'colsample_bytree': 0.7889892612698453, 'learning_rate': 0.005413268688785716, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 98, 'subsample': 0.8812521713711039}
Epoch : 2801: f1_weighted Score 0.811 params {'colsample_bytree': 0.8033233041569848, 'learning_rate': 0.005436441419443458, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 94, 'subsample': 0.880263397955063}
Epoch : 2802: f1_weighted Score 0.814 params {'colsample_bytree': 0.7237035549732397, 'learning_rate': 0.007249684714883176, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 28, 'subsample': 0.8963759512895513}
Epoch : 2803: f1_weighted Score 0.812 params {'colsample_bytree': 0.701659705016964, 'learning_rate': 0.01789629334234473, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 125, 'num_leaves': 110, 'subsample': 0.9075301983035953}
Epoch : 2804: f1_weighted Score 0.781 params {'colsample_bytree': 0.8084756346264511, 'learning_rate': 0.040078871158994056, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 400, 'num_leaves': 34, 'subsample': 0.9250019993909834}
Epoch : 2805: f1_weighted Score 0.803 params {'colsample_bytree': 0.516904060890592, 'learning_rate': 0.062659150764847, 'max_depth': 6, 'min_child_samples': 24, 'n_estimators': 75, 'num_leaves': 38, 'subsample': 0.814165516660685}
Epoch : 2806: f1_weighted Score 0.809 params {'colsample_bytree': 0.5755191603227969, 'learning_rate': 0.008473611081265051, 'max_depth': 20, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 30, 'subsample': 0.8382453329001753}
Epoch : 2807: f1_weighted Score 0.814 params {'colsample_bytree': 0.9693971608068017, 'learning_rate': 0.016226917937906146, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 80, 'subsample': 0.9534509258877636}
Epoch : 2808: f1_weighted Score 0.812 params {'colsample_bytree': 0.9722779319758197, 'learning_rate': 0.009901281121017373, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 8, 'subsample': 0.9379902993180042}
Epoch : 2809: f1_weighted Score 0.812 params {'colsample_bytree': 0.6576328998103274, 'learning_rate': 0.011408123637462611, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 128, 'subsample': 0.8004965946534286}
Epoch : 2810: f1_weighted Score 0.809 params {'colsample_bytree': 0.8425853853516507, 'learning_rate': 0.008617805991759861, 'max_depth': 12, 'min_child_samples': 22, 'n_estimators': 275, 'num_leaves': 98, 'subsample': 0.9989013362529149}
Epoch : 2811: f1_weighted Score 0.809 params {'colsample_bytree': 0.831894338959624, 'learning_rate': 0.016737771161744016, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 175, 'num_leaves': 90, 'subsample': 0.9597290072556369}
Epoch : 2812: f1_weighted Score 0.814 params {'colsample_bytree': 0.6126517149468204, 'learning_rate': 0.006758796072454336, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 425, 'num_leaves': 116, 'subsample': 0.9935782580470436}
Epoch : 2813: f1_weighted Score 0.814 params {'colsample_bytree': 0.6122396692090821, 'learning_rate': 0.007158229056594588, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 120, 'subsample': 0.9972053046263446}
Epoch : 2814: f1_weighted Score 0.809 params {'colsample_bytree': 0.6439783369546586, 'learning_rate': 0.00911774421973673, 'max_depth': 9, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 124, 'subsample': 0.9021349106007187}
Epoch : 2815: f1_weighted Score 0.806 params {'colsample_bytree': 0.6863339279744585, 'learning_rate': 0.005812083951747801, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 525, 'num_leaves': 26, 'subsample': 0.837364096055273}
Epoch : 2816: f1_weighted Score 0.814 params {'colsample_bytree': 0.6954662967682258, 'learning_rate': 0.011587241823337898, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 100, 'subsample': 0.96478943421731}
Epoch : 2817: f1_weighted Score 0.814 params {'colsample_bytree': 0.7005178645091589, 'learning_rate': 0.005078407870367433, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 550, 'num_leaves': 54, 'subsample': 0.964830067538983}
Epoch : 2818: f1_weighted Score 0.812 params {'colsample_bytree': 0.7832466988349005, 'learning_rate': 0.01032973843780301, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 20, 'subsample': 0.9173940499990719}
Epoch : 2819: f1_weighted Score 0.808 params {'colsample_bytree': 0.8104508534155096, 'learning_rate': 0.005426402392318063, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 575, 'num_leaves': 60, 'subsample': 0.9584629952417679}
Epoch : 2820: f1_weighted Score 0.808 params {'colsample_bytree': 0.9879014987819588, 'learning_rate': 0.01425484231640278, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 24, 'subsample': 0.9118593440811419}
Epoch : 2821: f1_weighted Score 0.805 params {'colsample_bytree': 0.5841860560899651, 'learning_rate': 0.0106300503860807, 'max_depth': 8, 'min_child_samples': 16, 'n_estimators': 250, 'num_leaves': 118, 'subsample': 0.9992914421638142}
Epoch : 2822: f1_weighted Score 0.812 params {'colsample_bytree': 0.44098411223285405, 'learning_rate': 0.007837266277969459, 'max_depth': 20, 'min_child_samples': 26, 'n_estimators': 375, 'num_leaves': 126, 'subsample': 0.9996261809367016}
Epoch : 2823: f1_weighted Score 0.801 params {'colsample_bytree': 0.7420855978758808, 'learning_rate': 0.011701747603462494, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 475, 'num_leaves': 86, 'subsample': 0.9563047577964144}
Epoch : 2824: f1_weighted Score 0.812 params {'colsample_bytree': 0.957949978241792, 'learning_rate': 0.007232730517318244, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 34, 'subsample': 0.9422770314812087}
Epoch : 2825: f1_weighted Score 0.814 params {'colsample_bytree': 0.9505846333559366, 'learning_rate': 0.00759352313268402, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 36, 'subsample': 0.9459675056208576}
Epoch : 2826: f1_weighted Score 0.812 params {'colsample_bytree': 0.7666458109388279, 'learning_rate': 0.005671166856351229, 'max_depth': 3, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 56, 'subsample': 0.9437683097151618}
Epoch : 2827: f1_weighted Score 0.812 params {'colsample_bytree': 0.6498017386861002, 'learning_rate': 0.007432180870605541, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 110, 'subsample': 0.8876312818473435}
Epoch : 2828: f1_weighted Score 0.812 params {'colsample_bytree': 0.5828654188957104, 'learning_rate': 0.006463086625600848, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 425, 'num_leaves': 26, 'subsample': 0.8424124215582246}
Epoch : 2829: f1_weighted Score 0.814 params {'colsample_bytree': 0.752080505273907, 'learning_rate': 0.012345806572249304, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 102, 'subsample': 0.9732862486575758}
Epoch : 2830: f1_weighted Score 0.812 params {'colsample_bytree': 0.7683482621718234, 'learning_rate': 0.005102074970755525, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 550, 'num_leaves': 102, 'subsample': 0.8499884292922394}
Epoch : 2831: f1_weighted Score 0.814 params {'colsample_bytree': 0.6631242692146693, 'learning_rate': 0.01035007568504253, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 24, 'subsample': 0.806485505360328}
Epoch : 2832: f1_weighted Score 0.814 params {'colsample_bytree': 0.7694995601488864, 'learning_rate': 0.005364066065087784, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 550, 'num_leaves': 56, 'subsample': 0.8466136849213127}
Epoch : 2833: f1_weighted Score 0.812 params {'colsample_bytree': 0.7897263429344199, 'learning_rate': 0.0053831338575010095, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 575, 'num_leaves': 54, 'subsample': 0.8477042626944122}
Epoch : 2834: f1_weighted Score 0.812 params {'colsample_bytree': 0.778047142181137, 'learning_rate': 0.005844250150911968, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 94, 'subsample': 0.842889206466046}
Epoch : 2835: f1_weighted Score 0.814 params {'colsample_bytree': 0.8398702375117447, 'learning_rate': 0.021193623163603573, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 64, 'subsample': 0.9541320690536854}
Epoch : 2836: f1_weighted Score 0.812 params {'colsample_bytree': 0.7071696148041208, 'learning_rate': 0.009596806208791395, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 104, 'subsample': 0.99776889335606}
Epoch : 2837: f1_weighted Score 0.814 params {'colsample_bytree': 0.9989051051496669, 'learning_rate': 0.015481301767160623, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 18, 'subsample': 0.8002701544870798}
Epoch : 2838: f1_weighted Score 0.812 params {'colsample_bytree': 0.7182613793393454, 'learning_rate': 0.009879686648968397, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 106, 'subsample': 0.995606728922205}
Epoch : 2839: f1_weighted Score 0.802 params {'colsample_bytree': 0.8227367087338833, 'learning_rate': 0.08018136462876818, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 50, 'num_leaves': 40, 'subsample': 0.9367796131252998}
Epoch : 2840: f1_weighted Score 0.806 params {'colsample_bytree': 0.783566274068694, 'learning_rate': 0.005017927018553047, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 625, 'num_leaves': 40, 'subsample': 0.9367976941949231}
Epoch : 2841: f1_weighted Score 0.810 params {'colsample_bytree': 0.4846136328110198, 'learning_rate': 0.016221314261773773, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 36, 'subsample': 0.8977712042674162}
Epoch : 2842: f1_weighted Score 0.814 params {'colsample_bytree': 0.8660699547719032, 'learning_rate': 0.01394737332927951, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 40, 'subsample': 0.9280519194695909}
Epoch : 2843: f1_weighted Score 0.810 params {'colsample_bytree': 0.7532402870341346, 'learning_rate': 0.008848218031693377, 'max_depth': 8, 'min_child_samples': 10, 'n_estimators': 200, 'num_leaves': 44, 'subsample': 0.9717869548629481}
Epoch : 2844: f1_weighted Score 0.811 params {'colsample_bytree': 0.6782823918235754, 'learning_rate': 0.01116112525333396, 'max_depth': 10, 'min_child_samples': 26, 'n_estimators': 250, 'num_leaves': 24, 'subsample': 0.8064932622943818}
Epoch : 2845: f1_weighted Score 0.812 params {'colsample_bytree': 0.7858545624994545, 'learning_rate': 0.01199351560411074, 'max_depth': 4, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 16, 'subsample': 0.8227460335365547}
Epoch : 2846: f1_weighted Score 0.812 params {'colsample_bytree': 0.6243285717656734, 'learning_rate': 0.010279143228458574, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 16, 'subsample': 0.9634084126964992}
Epoch : 2847: f1_weighted Score 0.812 params {'colsample_bytree': 0.9316191612057083, 'learning_rate': 0.008303604922738917, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 28, 'subsample': 0.909735216176616}
Epoch : 2848: f1_weighted Score 0.808 params {'colsample_bytree': 0.8832980317945685, 'learning_rate': 0.009746121116384348, 'max_depth': 15, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 78, 'subsample': 0.9972670620162483}
Epoch : 2849: f1_weighted Score 0.814 params {'colsample_bytree': 0.8173057816751792, 'learning_rate': 0.0050574470316291096, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 28, 'subsample': 0.9857813736527732}
Epoch : 2850: f1_weighted Score 0.814 params {'colsample_bytree': 0.9240300043118832, 'learning_rate': 0.014746975713886376, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 34, 'subsample': 0.9528943679324084}
Epoch : 2851: f1_weighted Score 0.814 params {'colsample_bytree': 0.6140035718745092, 'learning_rate': 0.009071915013544773, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 14, 'subsample': 0.8043169139216626}
Epoch : 2852: f1_weighted Score 0.812 params {'colsample_bytree': 0.725503633734756, 'learning_rate': 0.006793538772292574, 'max_depth': 17, 'min_child_samples': 26, 'n_estimators': 375, 'num_leaves': 100, 'subsample': 0.9505140605282676}
Epoch : 2853: f1_weighted Score 0.814 params {'colsample_bytree': 0.7325534284239537, 'learning_rate': 0.010692115951077465, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 72, 'subsample': 0.9997912569372595}
Epoch : 2854: f1_weighted Score 0.812 params {'colsample_bytree': 0.6607184229286023, 'learning_rate': 0.007493368451068236, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 70, 'subsample': 0.9041346704008946}
Epoch : 2855: f1_weighted Score 0.814 params {'colsample_bytree': 0.7431194557277339, 'learning_rate': 0.006561975090597645, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 375, 'num_leaves': 96, 'subsample': 0.922337257456}
Epoch : 2856: f1_weighted Score 0.812 params {'colsample_bytree': 0.8461169673322974, 'learning_rate': 0.0060441942950022354, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 72, 'subsample': 0.9938563187370861}
Epoch : 2857: f1_weighted Score 0.806 params {'colsample_bytree': 0.6715977854714416, 'learning_rate': 0.010873859407098386, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 24, 'subsample': 0.9322479927629833}
Epoch : 2858: f1_weighted Score 0.805 params {'colsample_bytree': 0.8296761331717528, 'learning_rate': 0.009145218297923127, 'max_depth': 17, 'min_child_samples': 14, 'n_estimators': 300, 'num_leaves': 10, 'subsample': 0.9148856121859131}
Epoch : 2859: f1_weighted Score 0.812 params {'colsample_bytree': 0.6432631923659808, 'learning_rate': 0.005183219338837202, 'max_depth': 4, 'min_child_samples': 30, 'n_estimators': 550, 'num_leaves': 10, 'subsample': 0.9999918308418868}
Epoch : 2860: f1_weighted Score 0.812 params {'colsample_bytree': 0.6718519014923192, 'learning_rate': 0.00508718707435491, 'max_depth': 12, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 116, 'subsample': 0.987992695460439}
Epoch : 2861: f1_weighted Score 0.809 params {'colsample_bytree': 0.7346353564896682, 'learning_rate': 0.007608957764794738, 'max_depth': 18, 'min_child_samples': 22, 'n_estimators': 350, 'num_leaves': 104, 'subsample': 0.9830707600363371}
Epoch : 2862: f1_weighted Score 0.812 params {'colsample_bytree': 0.805167921196678, 'learning_rate': 0.006378814010815324, 'max_depth': 16, 'min_child_samples': 26, 'n_estimators': 400, 'num_leaves': 98, 'subsample': 0.9909119689502459}
Epoch : 2863: f1_weighted Score 0.812 params {'colsample_bytree': 0.6932957755164, 'learning_rate': 0.007558479597415526, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 30, 'subsample': 0.9677725870784455}
Epoch : 2864: f1_weighted Score 0.814 params {'colsample_bytree': 0.7256210189042185, 'learning_rate': 0.012100223730131275, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 22, 'subsample': 0.816638998105785}
Epoch : 2865: f1_weighted Score 0.810 params {'colsample_bytree': 0.4711041525560698, 'learning_rate': 0.01598894713229826, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 22, 'subsample': 0.9312256590474419}
Epoch : 2866: f1_weighted Score 0.812 params {'colsample_bytree': 0.564454486242236, 'learning_rate': 0.008727528775778414, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 30, 'subsample': 0.9950024970192886}
Epoch : 2867: f1_weighted Score 0.814 params {'colsample_bytree': 0.7337368008777273, 'learning_rate': 0.00579236077434119, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 450, 'num_leaves': 38, 'subsample': 0.9387948111642422}
Epoch : 2868: f1_weighted Score 0.814 params {'colsample_bytree': 0.7078695598624543, 'learning_rate': 0.006894075320726632, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 425, 'num_leaves': 32, 'subsample': 0.965619430908497}
Epoch : 2869: f1_weighted Score 0.809 params {'colsample_bytree': 0.7042997068957269, 'learning_rate': 0.007100558363815872, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 32, 'subsample': 0.9642970709224193}
Epoch : 2870: f1_weighted Score 0.796 params {'colsample_bytree': 0.7228371202744316, 'learning_rate': 0.014041731902777766, 'max_depth': 18, 'min_child_samples': 28, 'n_estimators': 1100, 'num_leaves': 114, 'subsample': 0.9227054939506032}
Epoch : 2871: f1_weighted Score 0.812 params {'colsample_bytree': 0.6846446487922444, 'learning_rate': 0.010071097043115273, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 62, 'subsample': 0.9454297156716097}
Epoch : 2872: f1_weighted Score 0.812 params {'colsample_bytree': 0.7739279799840374, 'learning_rate': 0.01454739768599214, 'max_depth': 8, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 18, 'subsample': 0.8994962075393536}
Epoch : 2873: f1_weighted Score 0.814 params {'colsample_bytree': 0.9992110918077343, 'learning_rate': 0.013206392711610563, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 20, 'subsample': 0.8954328215160369}
Epoch : 2874: f1_weighted Score 0.814 params {'colsample_bytree': 0.7600134186963795, 'learning_rate': 0.006105952720835176, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 94, 'subsample': 0.8823814929111}
Epoch : 2875: f1_weighted Score 0.814 params {'colsample_bytree': 0.7637261350127672, 'learning_rate': 0.006296145490883971, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 94, 'subsample': 0.8798257485637018}
Epoch : 2876: f1_weighted Score 0.812 params {'colsample_bytree': 0.5242517215526195, 'learning_rate': 0.00702233545393783, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 375, 'num_leaves': 26, 'subsample': 0.9527580243643641}
Epoch : 2877: f1_weighted Score 0.814 params {'colsample_bytree': 0.6965608346158811, 'learning_rate': 0.00812062257457162, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 86, 'subsample': 0.9697190864857135}
Epoch : 2878: f1_weighted Score 0.811 params {'colsample_bytree': 0.9125209377329396, 'learning_rate': 0.008515979790882387, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 48, 'subsample': 0.9099704081365945}
Epoch : 2879: f1_weighted Score 0.800 params {'colsample_bytree': 0.36504598307657377, 'learning_rate': 0.009293993443556626, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 775, 'num_leaves': 58, 'subsample': 0.9567428290910068}
Epoch : 2880: f1_weighted Score 0.812 params {'colsample_bytree': 0.6866197391392751, 'learning_rate': 0.009928864205778584, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 52, 'subsample': 0.9748205446877676}
Epoch : 2881: f1_weighted Score 0.810 params {'colsample_bytree': 0.650793949360387, 'learning_rate': 0.010755328068601898, 'max_depth': 19, 'min_child_samples': 24, 'n_estimators': 250, 'num_leaves': 128, 'subsample': 0.9717044913876175}
Epoch : 2882: f1_weighted Score 0.811 params {'colsample_bytree': 0.799757593452711, 'learning_rate': 0.00614178247744354, 'max_depth': 14, 'min_child_samples': 24, 'n_estimators': 475, 'num_leaves': 28, 'subsample': 0.8889744111348712}
Epoch : 2883: f1_weighted Score 0.781 params {'colsample_bytree': 0.811082980692311, 'learning_rate': 0.028789860726112282, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 875, 'num_leaves': 54, 'subsample': 0.8260332408986041}
Epoch : 2884: f1_weighted Score 0.814 params {'colsample_bytree': 0.7113272188511801, 'learning_rate': 0.00894920158175138, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 66, 'subsample': 0.9813923841325835}
Epoch : 2885: f1_weighted Score 0.812 params {'colsample_bytree': 0.6362758171510534, 'learning_rate': 0.007374540583132162, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 425, 'num_leaves': 64, 'subsample': 0.9630204186383211}
Epoch : 2886: f1_weighted Score 0.812 params {'colsample_bytree': 0.6736498762421291, 'learning_rate': 0.006445394112508612, 'max_depth': 17, 'min_child_samples': 24, 'n_estimators': 375, 'num_leaves': 114, 'subsample': 0.9485927330764543}
Epoch : 2887: f1_weighted Score 0.812 params {'colsample_bytree': 0.7385888672820051, 'learning_rate': 0.009480648480511328, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 62, 'subsample': 0.9600345589140287}
Epoch : 2888: f1_weighted Score 0.812 params {'colsample_bytree': 0.6636208413930867, 'learning_rate': 0.011071346319314486, 'max_depth': 16, 'min_child_samples': 24, 'n_estimators': 225, 'num_leaves': 126, 'subsample': 0.8053330304944853}
Epoch : 2889: f1_weighted Score 0.805 params {'colsample_bytree': 0.6353552429571903, 'learning_rate': 0.012238006488994589, 'max_depth': 20, 'min_child_samples': 18, 'n_estimators': 225, 'num_leaves': 16, 'subsample': 0.8091127767262931}
Epoch : 2890: f1_weighted Score 0.814 params {'colsample_bytree': 0.8220295627871751, 'learning_rate': 0.006018302601023607, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 450, 'num_leaves': 106, 'subsample': 0.9319316732042312}
Epoch : 2891: f1_weighted Score 0.812 params {'colsample_bytree': 0.9771647156407285, 'learning_rate': 0.011311231301182471, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 20, 'subsample': 0.8105284055765958}
Epoch : 2892: f1_weighted Score 0.812 params {'colsample_bytree': 0.628645157274789, 'learning_rate': 0.006484590499387499, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 122, 'subsample': 0.8239246503048487}
Epoch : 2893: f1_weighted Score 0.814 params {'colsample_bytree': 0.7029277299631235, 'learning_rate': 0.008398471243509143, 'max_depth': 13, 'min_child_samples': 24, 'n_estimators': 325, 'num_leaves': 90, 'subsample': 0.9745654677942354}
Epoch : 2894: f1_weighted Score 0.808 params {'colsample_bytree': 0.8237985876761298, 'learning_rate': 0.008030604219506616, 'max_depth': 6, 'min_child_samples': 20, 'n_estimators': 350, 'num_leaves': 82, 'subsample': 0.9532005806443427}
Epoch : 2895: f1_weighted Score 0.812 params {'colsample_bytree': 0.710994193916765, 'learning_rate': 0.0066278825166928524, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 26, 'subsample': 0.8342216251989868}
Epoch : 2896: f1_weighted Score 0.812 params {'colsample_bytree': 0.7414983832252033, 'learning_rate': 0.009935643763990525, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 40, 'subsample': 0.9802728012085725}
Epoch : 2897: f1_weighted Score 0.812 params {'colsample_bytree': 0.7621319076208648, 'learning_rate': 0.005415114706579293, 'max_depth': 13, 'min_child_samples': 30, 'n_estimators': 525, 'num_leaves': 118, 'subsample': 0.917809770493526}
Epoch : 2898: f1_weighted Score 0.808 params {'colsample_bytree': 0.6159427314866572, 'learning_rate': 0.008568771537946891, 'max_depth': 13, 'min_child_samples': 22, 'n_estimators': 325, 'num_leaves': 90, 'subsample': 0.9026477736894344}
Epoch : 2899: f1_weighted Score 0.812 params {'colsample_bytree': 0.6624663674580088, 'learning_rate': 0.022286821210929966, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 54, 'subsample': 0.9564542120326002}
Epoch : 2900: f1_weighted Score 0.811 params {'colsample_bytree': 0.9946893858022893, 'learning_rate': 0.008219673767887528, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 88, 'subsample': 0.9085522428507464}
Epoch : 2901: f1_weighted Score 0.812 params {'colsample_bytree': 0.6318822868394852, 'learning_rate': 0.010901304363698938, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 24, 'subsample': 0.8264698585586447}
Epoch : 2902: f1_weighted Score 0.814 params {'colsample_bytree': 0.6248289748961973, 'learning_rate': 0.007693542139425424, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 52, 'subsample': 0.8027100542248489}
Epoch : 2903: f1_weighted Score 0.808 params {'colsample_bytree': 0.977007259323842, 'learning_rate': 0.006945834635558061, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 78, 'subsample': 0.9012480372448111}
Epoch : 2904: f1_weighted Score 0.812 params {'colsample_bytree': 0.763942815281413, 'learning_rate': 0.011405502265273038, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 175, 'num_leaves': 116, 'subsample': 0.949541134909103}
Epoch : 2905: f1_weighted Score 0.812 params {'colsample_bytree': 0.6337945354677738, 'learning_rate': 0.011267876021620705, 'max_depth': 10, 'min_child_samples': 24, 'n_estimators': 200, 'num_leaves': 24, 'subsample': 0.8828350284299809}
Epoch : 2906: f1_weighted Score 0.810 params {'colsample_bytree': 0.591734759130119, 'learning_rate': 0.017745303170446324, 'max_depth': 7, 'min_child_samples': 24, 'n_estimators': 125, 'num_leaves': 124, 'subsample': 0.9609022666451346}
Epoch : 2907: f1_weighted Score 0.812 params {'colsample_bytree': 0.8568079309335169, 'learning_rate': 0.01803409094702294, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 18, 'subsample': 0.9464891537768657}
Epoch : 2908: f1_weighted Score 0.802 params {'colsample_bytree': 0.7996923923276559, 'learning_rate': 0.03566231797965604, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 126, 'subsample': 0.9163020784234194}
Epoch : 2909: f1_weighted Score 0.814 params {'colsample_bytree': 0.789762244663039, 'learning_rate': 0.034848419291262804, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 126, 'subsample': 0.9165001742442981}
Epoch : 2910: f1_weighted Score 0.812 params {'colsample_bytree': 0.789882720127487, 'learning_rate': 0.038016150208063086, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 102, 'subsample': 0.9693520629004885}
Epoch : 2911: f1_weighted Score 0.814 params {'colsample_bytree': 0.6853465956515615, 'learning_rate': 0.009414781161319137, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 14, 'subsample': 0.9481704226656761}
Epoch : 2912: f1_weighted Score 0.812 params {'colsample_bytree': 0.7456367759024511, 'learning_rate': 0.0073653059487198405, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 38, 'subsample': 0.9583018246519842}
Epoch : 2913: f1_weighted Score 0.811 params {'colsample_bytree': 0.6082604477953745, 'learning_rate': 0.01998838851752538, 'max_depth': 8, 'min_child_samples': 26, 'n_estimators': 125, 'num_leaves': 120, 'subsample': 0.9447928447419517}
Epoch : 2914: f1_weighted Score 0.812 params {'colsample_bytree': 0.8745426342351486, 'learning_rate': 0.018985255915492327, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 100, 'num_leaves': 112, 'subsample': 0.9121955770401994}
Epoch : 2915: f1_weighted Score 0.812 params {'colsample_bytree': 0.598146542257176, 'learning_rate': 0.012552958844673109, 'max_depth': 4, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 54, 'subsample': 0.9456474776860843}
Epoch : 2916: f1_weighted Score 0.812 params {'colsample_bytree': 0.8659299200326498, 'learning_rate': 0.018693859482091874, 'max_depth': 17, 'min_child_samples': 28, 'n_estimators': 75, 'num_leaves': 114, 'subsample': 0.9066022812914587}
Epoch : 2917: f1_weighted Score 0.781 params {'colsample_bytree': 0.4995555707418289, 'learning_rate': 0.029769744007031397, 'max_depth': 14, 'min_child_samples': 30, 'n_estimators': 825, 'num_leaves': 32, 'subsample': 0.9316968121911648}
Epoch : 2918: f1_weighted Score 0.778 params {'colsample_bytree': 0.6207740568520961, 'learning_rate': 0.00882287109582011, 'max_depth': 15, 'min_child_samples': 4, 'n_estimators': 250, 'num_leaves': 122, 'subsample': 0.9601212074329544}
Epoch : 2919: f1_weighted Score 0.814 params {'colsample_bytree': 0.8070108242870957, 'learning_rate': 0.011745185041987807, 'max_depth': 6, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 22, 'subsample': 0.8190671722184403}
Epoch : 2920: f1_weighted Score 0.812 params {'colsample_bytree': 0.8295955166660068, 'learning_rate': 0.015627454027425727, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 24, 'subsample': 0.953087404029944}
Epoch : 2921: f1_weighted Score 0.812 params {'colsample_bytree': 0.8593266952562979, 'learning_rate': 0.014886427155869002, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 116, 'subsample': 0.9122270455112546}
Epoch : 2922: f1_weighted Score 0.791 params {'colsample_bytree': 0.888810481478093, 'learning_rate': 0.03573786468169359, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 62, 'subsample': 0.9585470171020549}
Epoch : 2923: f1_weighted Score 0.812 params {'colsample_bytree': 0.6467241935468191, 'learning_rate': 0.007927811893854502, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 20, 'subsample': 0.9647866797430943}
Epoch : 2924: f1_weighted Score 0.812 params {'colsample_bytree': 0.9921800294586981, 'learning_rate': 0.008334729138366859, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 18, 'subsample': 0.8970975902374396}
Epoch : 2925: f1_weighted Score 0.812 params {'colsample_bytree': 0.5862718641253395, 'learning_rate': 0.005916011315034222, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 500, 'num_leaves': 12, 'subsample': 0.8818997436167992}
Epoch : 2926: f1_weighted Score 0.812 params {'colsample_bytree': 0.7303895196788486, 'learning_rate': 0.010854933846771815, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 30, 'subsample': 0.8123394025843975}
Epoch : 2927: f1_weighted Score 0.812 params {'colsample_bytree': 0.6997495439844592, 'learning_rate': 0.010100206040473037, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 20, 'subsample': 0.9353749798781139}
Epoch : 2928: f1_weighted Score 0.802 params {'colsample_bytree': 0.9907764369225898, 'learning_rate': 0.013363833829403845, 'max_depth': 7, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 84, 'subsample': 0.9766844319422553}
Epoch : 2929: f1_weighted Score 0.814 params {'colsample_bytree': 0.4801590982699002, 'learning_rate': 0.006875169162543379, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 450, 'num_leaves': 124, 'subsample': 0.9928048386248944}
Epoch : 2930: f1_weighted Score 0.812 params {'colsample_bytree': 0.7485407426883999, 'learning_rate': 0.0073003608858598, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 350, 'num_leaves': 104, 'subsample': 0.9912785038390861}
Epoch : 2931: f1_weighted Score 0.811 params {'colsample_bytree': 0.7161481981782291, 'learning_rate': 0.009472270791604542, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 24, 'subsample': 0.9768143345044867}
Epoch : 2932: f1_weighted Score 0.814 params {'colsample_bytree': 0.7718115531498633, 'learning_rate': 0.006454696607073253, 'max_depth': 6, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 26, 'subsample': 0.9877703380862118}
Epoch : 2933: f1_weighted Score 0.799 params {'colsample_bytree': 0.7552334412461168, 'learning_rate': 0.05338467475176552, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 100, 'num_leaves': 70, 'subsample': 0.9829380901692589}
Epoch : 2934: f1_weighted Score 0.814 params {'colsample_bytree': 0.753011200832017, 'learning_rate': 0.010202724703823366, 'max_depth': 5, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 46, 'subsample': 0.9913360855937636}
Epoch : 2935: f1_weighted Score 0.814 params {'colsample_bytree': 0.819558095283658, 'learning_rate': 0.011826375329878624, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 46, 'subsample': 0.9960556466771969}
Epoch : 2936: f1_weighted Score 0.791 params {'colsample_bytree': 0.3869965346615839, 'learning_rate': 0.014161590971603806, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 700, 'num_leaves': 32, 'subsample': 0.9254196633562554}
Epoch : 2937: f1_weighted Score 0.810 params {'colsample_bytree': 0.45358561414512794, 'learning_rate': 0.017518868581494394, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 150, 'num_leaves': 74, 'subsample': 0.9405234301229184}
Epoch : 2938: f1_weighted Score 0.790 params {'colsample_bytree': 0.592206921527772, 'learning_rate': 0.04536292474619368, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 120, 'subsample': 0.8641681515737537}
Epoch : 2939: f1_weighted Score 0.805 params {'colsample_bytree': 0.7804899986845129, 'learning_rate': 0.006807726437738143, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 106, 'subsample': 0.8746582723354559}
Epoch : 2940: f1_weighted Score 0.814 params {'colsample_bytree': 0.6001457686888846, 'learning_rate': 0.005598869214546897, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 500, 'num_leaves': 114, 'subsample': 0.8285121283413704}
Epoch : 2941: f1_weighted Score 0.812 params {'colsample_bytree': 0.7519374876454566, 'learning_rate': 0.008475885654867154, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 34, 'subsample': 0.9870313768247135}
Epoch : 2942: f1_weighted Score 0.814 params {'colsample_bytree': 0.6772341640254804, 'learning_rate': 0.007959304597492271, 'max_depth': 12, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 64, 'subsample': 0.9632353887427052}
Epoch : 2943: f1_weighted Score 0.770 params {'colsample_bytree': 0.6710695671280074, 'learning_rate': 0.18435003517049683, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 350, 'num_leaves': 24, 'subsample': 0.9713786344836801}
Epoch : 2944: f1_weighted Score 0.812 params {'colsample_bytree': 0.781130989497813, 'learning_rate': 0.005966422394639702, 'max_depth': 5, 'min_child_samples': 24, 'n_estimators': 475, 'num_leaves': 30, 'subsample': 0.9968162225200053}
Epoch : 2945: f1_weighted Score 0.811 params {'colsample_bytree': 0.5999701100555266, 'learning_rate': 0.005547689738260199, 'max_depth': 9, 'min_child_samples': 30, 'n_estimators': 575, 'num_leaves': 78, 'subsample': 0.8025881336277749}
Epoch : 2946: f1_weighted Score 0.812 params {'colsample_bytree': 0.5611027906048898, 'learning_rate': 0.005764203819968115, 'max_depth': 11, 'min_child_samples': 28, 'n_estimators': 475, 'num_leaves': 44, 'subsample': 0.899227894584818}
Epoch : 2947: f1_weighted Score 0.812 params {'colsample_bytree': 0.9531300468469863, 'learning_rate': 0.01641712626689154, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 30, 'subsample': 0.9835686736245787}
Epoch : 2948: f1_weighted Score 0.809 params {'colsample_bytree': 0.3629343172396523, 'learning_rate': 0.006994374250889581, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 600, 'num_leaves': 10, 'subsample': 0.913182714519668}
Epoch : 2949: f1_weighted Score 0.811 params {'colsample_bytree': 0.7291468426911691, 'learning_rate': 0.0065236107750562345, 'max_depth': 16, 'min_child_samples': 28, 'n_estimators': 425, 'num_leaves': 66, 'subsample': 0.9683796458867984}
Epoch : 2950: f1_weighted Score 0.811 params {'colsample_bytree': 0.646730823311645, 'learning_rate': 0.007449337707319519, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 325, 'num_leaves': 84, 'subsample': 0.9778691448879944}
Epoch : 2951: f1_weighted Score 0.802 params {'colsample_bytree': 0.45645833761540766, 'learning_rate': 0.01050420855147983, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 625, 'num_leaves': 120, 'subsample': 0.9868918954625865}
Epoch : 2952: f1_weighted Score 0.814 params {'colsample_bytree': 0.9583991310446844, 'learning_rate': 0.0154244605672535, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 30, 'subsample': 0.8150494765286738}
Epoch : 2953: f1_weighted Score 0.812 params {'colsample_bytree': 0.8951096893222518, 'learning_rate': 0.014815732996114491, 'max_depth': 15, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 36, 'subsample': 0.9345917519386259}
Epoch : 2954: f1_weighted Score 0.814 params {'colsample_bytree': 0.8515978442110091, 'learning_rate': 0.012561712970429443, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 200, 'num_leaves': 40, 'subsample': 0.8889448111885955}
Epoch : 2955: f1_weighted Score 0.814 params {'colsample_bytree': 0.7490370622314878, 'learning_rate': 0.008648797296982532, 'max_depth': 13, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 52, 'subsample': 0.9872062244921622}
Epoch : 2956: f1_weighted Score 0.812 params {'colsample_bytree': 0.8490330193850791, 'learning_rate': 0.012250469453549146, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 40, 'subsample': 0.928443369489596}
Epoch : 2957: f1_weighted Score 0.779 params {'colsample_bytree': 0.7948628535681607, 'learning_rate': 0.1315521480816378, 'max_depth': 4, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 50, 'subsample': 0.8420536021475183}
Epoch : 2958: f1_weighted Score 0.811 params {'colsample_bytree': 0.6499827670408768, 'learning_rate': 0.008751016113315566, 'max_depth': 10, 'min_child_samples': 26, 'n_estimators': 275, 'num_leaves': 18, 'subsample': 0.9731502847115}
Epoch : 2959: f1_weighted Score 0.805 params {'colsample_bytree': 0.6418494759803116, 'learning_rate': 0.00957110362809408, 'max_depth': 10, 'min_child_samples': 20, 'n_estimators': 300, 'num_leaves': 22, 'subsample': 0.8287593060989077}
Epoch : 2960: f1_weighted Score 0.812 params {'colsample_bytree': 0.6191874192570532, 'learning_rate': 0.005080951591604468, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 575, 'num_leaves': 8, 'subsample': 0.980978119523656}
Epoch : 2961: f1_weighted Score 0.812 params {'colsample_bytree': 0.7983667241702713, 'learning_rate': 0.006690855965616439, 'max_depth': 4, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 50, 'subsample': 0.8314611401177231}
Epoch : 2962: f1_weighted Score 0.812 params {'colsample_bytree': 0.7774414029505787, 'learning_rate': 0.006224323934462083, 'max_depth': 5, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 52, 'subsample': 0.8258206815064768}
Epoch : 2963: f1_weighted Score 0.812 params {'colsample_bytree': 0.5765612675209709, 'learning_rate': 0.007276689569695639, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 8, 'subsample': 0.8346425586612125}
Epoch : 2964: f1_weighted Score 0.812 params {'colsample_bytree': 0.6347364001528999, 'learning_rate': 0.006036622446237637, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 375, 'num_leaves': 118, 'subsample': 0.8093781123762218}
Epoch : 2965: f1_weighted Score 0.775 params {'colsample_bytree': 0.6433054784689993, 'learning_rate': 0.1304944406254301, 'max_depth': 3, 'min_child_samples': 30, 'n_estimators': 400, 'num_leaves': 118, 'subsample': 0.8129535847029911}
Epoch : 2966: f1_weighted Score 0.812 params {'colsample_bytree': 0.732895895186666, 'learning_rate': 0.006722948275751496, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 200, 'num_leaves': 14, 'subsample': 0.8498037399492919}
Epoch : 2967: f1_weighted Score 0.812 params {'colsample_bytree': 0.43768463822930387, 'learning_rate': 0.0079609699790859, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 350, 'num_leaves': 14, 'subsample': 0.8050918748199287}
Epoch : 2968: f1_weighted Score 0.812 params {'colsample_bytree': 0.8776834454704292, 'learning_rate': 0.01838125642077845, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 114, 'subsample': 0.9184559157394578}
Epoch : 2969: f1_weighted Score 0.811 params {'colsample_bytree': 0.8523066796097639, 'learning_rate': 0.018606584223558657, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 150, 'num_leaves': 12, 'subsample': 0.9165215991074126}
Epoch : 2970: f1_weighted Score 0.793 params {'colsample_bytree': 0.7208935252262776, 'learning_rate': 0.013302212600459275, 'max_depth': 10, 'min_child_samples': 26, 'n_estimators': 600, 'num_leaves': 124, 'subsample': 0.9628085204456892}
Epoch : 2971: f1_weighted Score 0.812 params {'colsample_bytree': 0.6896495692503579, 'learning_rate': 0.014136692576651233, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 175, 'num_leaves': 44, 'subsample': 0.959639788685206}
Epoch : 2972: f1_weighted Score 0.810 params {'colsample_bytree': 0.7859459880430064, 'learning_rate': 0.012577325140260026, 'max_depth': 3, 'min_child_samples': 30, 'n_estimators': 325, 'num_leaves': 116, 'subsample': 0.8149128068625707}
Epoch : 2973: f1_weighted Score 0.807 params {'colsample_bytree': 0.7692726998173978, 'learning_rate': 0.005562386086748606, 'max_depth': 7, 'min_child_samples': 18, 'n_estimators': 400, 'num_leaves': 34, 'subsample': 0.9536855780926293}
Epoch : 2974: f1_weighted Score 0.812 params {'colsample_bytree': 0.7592843515123651, 'learning_rate': 0.005105148286603348, 'max_depth': 7, 'min_child_samples': 28, 'n_estimators': 525, 'num_leaves': 60, 'subsample': 0.8524286573418225}
Epoch : 2975: f1_weighted Score 0.812 params {'colsample_bytree': 0.8158306107910754, 'learning_rate': 0.008990676894378933, 'max_depth': 10, 'min_child_samples': 30, 'n_estimators': 300, 'num_leaves': 26, 'subsample': 0.9501001019480715}
Epoch : 2976: f1_weighted Score 0.812 params {'colsample_bytree': 0.8228322463653734, 'learning_rate': 0.0423513737179668, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 112, 'subsample': 0.9062985199784364}
Epoch : 2977: f1_weighted Score 0.812 params {'colsample_bytree': 0.423015343752031, 'learning_rate': 0.011780787395030651, 'max_depth': 4, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 52, 'subsample': 0.8268474240604052}
Epoch : 2978: f1_weighted Score 0.809 params {'colsample_bytree': 0.42253677979977416, 'learning_rate': 0.06491568705234729, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 75, 'num_leaves': 46, 'subsample': 0.9384641734752558}
Epoch : 2979: f1_weighted Score 0.814 params {'colsample_bytree': 0.6098106426580839, 'learning_rate': 0.011461852239604688, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 128, 'subsample': 0.9547756870487126}
Epoch : 2980: f1_weighted Score 0.810 params {'colsample_bytree': 0.4008401847158296, 'learning_rate': 0.011967453737958106, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 120, 'subsample': 0.9325497218836871}
Epoch : 2981: f1_weighted Score 0.810 params {'colsample_bytree': 0.4092025560198679, 'learning_rate': 0.01046654758528943, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 28, 'subsample': 0.9511371687434673}
Epoch : 2982: f1_weighted Score 0.812 params {'colsample_bytree': 0.7157478027802578, 'learning_rate': 0.010361582128015943, 'max_depth': 8, 'min_child_samples': 26, 'n_estimators': 200, 'num_leaves': 76, 'subsample': 0.9578675164280211}
Epoch : 2983: f1_weighted Score 0.812 params {'colsample_bytree': 0.5537598049257008, 'learning_rate': 0.005481374714304474, 'max_depth': 6, 'min_child_samples': 26, 'n_estimators': 400, 'num_leaves': 82, 'subsample': 0.9801857575147608}
Epoch : 2984: f1_weighted Score 0.811 params {'colsample_bytree': 0.8386040399996811, 'learning_rate': 0.017615212846753662, 'max_depth': 16, 'min_child_samples': 30, 'n_estimators': 175, 'num_leaves': 98, 'subsample': 0.9141367049378684}
Epoch : 2985: f1_weighted Score 0.812 params {'colsample_bytree': 0.7404851851679214, 'learning_rate': 0.009957756362387134, 'max_depth': 13, 'min_child_samples': 28, 'n_estimators': 275, 'num_leaves': 44, 'subsample': 0.9884311430202937}
Epoch : 2986: f1_weighted Score 0.812 params {'colsample_bytree': 0.5376741524568368, 'learning_rate': 0.012994474557886238, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 225, 'num_leaves': 14, 'subsample': 0.9258682553131836}
Epoch : 2987: f1_weighted Score 0.812 params {'colsample_bytree': 0.7808891428104858, 'learning_rate': 0.011404300539681722, 'max_depth': 17, 'min_child_samples': 30, 'n_estimators': 250, 'num_leaves': 114, 'subsample': 0.924855083579387}
Epoch : 2988: f1_weighted Score 0.812 params {'colsample_bytree': 0.8314916765677186, 'learning_rate': 0.016566387689495605, 'max_depth': 9, 'min_child_samples': 28, 'n_estimators': 100, 'num_leaves': 122, 'subsample': 0.9642450969538832}
Epoch : 2989: f1_weighted Score 0.809 params {'colsample_bytree': 0.6791845253396142, 'learning_rate': 0.012460223929622146, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 225, 'num_leaves': 26, 'subsample': 0.9385235399669377}
Epoch : 2990: f1_weighted Score 0.780 params {'colsample_bytree': 0.9682639619588714, 'learning_rate': 0.09143050962957423, 'max_depth': 16, 'min_child_samples': 26, 'n_estimators': 300, 'num_leaves': 88, 'subsample': 0.823532707501625}
Epoch : 2991: f1_weighted Score 0.808 params {'colsample_bytree': 0.8924844327904423, 'learning_rate': 0.0065218904904286975, 'max_depth': 14, 'min_child_samples': 26, 'n_estimators': 425, 'num_leaves': 60, 'subsample': 0.9682842737254838}
Epoch : 2992: f1_weighted Score 0.810 params {'colsample_bytree': 0.3355393457658348, 'learning_rate': 0.005133910609029446, 'max_depth': 10, 'min_child_samples': 28, 'n_estimators': 525, 'num_leaves': 58, 'subsample': 0.8185937541042668}
Epoch : 2993: f1_weighted Score 0.812 params {'colsample_bytree': 0.5795318567635952, 'learning_rate': 0.009508611571321086, 'max_depth': 18, 'min_child_samples': 30, 'n_estimators': 275, 'num_leaves': 70, 'subsample': 0.9778202012214924}
Epoch : 2994: f1_weighted Score 0.811 params {'colsample_bytree': 0.5312177087048002, 'learning_rate': 0.011283905223713947, 'max_depth': 15, 'min_child_samples': 28, 'n_estimators': 250, 'num_leaves': 52, 'subsample': 0.9883088577099319}
Epoch : 2995: f1_weighted Score 0.812 params {'colsample_bytree': 0.6943500707146877, 'learning_rate': 0.011499269078922831, 'max_depth': 11, 'min_child_samples': 26, 'n_estimators': 225, 'num_leaves': 50, 'subsample': 0.9873429726208529}
Epoch : 2996: f1_weighted Score 0.797 params {'colsample_bytree': 0.5457437914081942, 'learning_rate': 0.016190703604780064, 'max_depth': 11, 'min_child_samples': 30, 'n_estimators': 475, 'num_leaves': 72, 'subsample': 0.9661474938623358}
Epoch : 2997: f1_weighted Score 0.814 params {'colsample_bytree': 0.7533191566488205, 'learning_rate': 0.008267969357680005, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 300, 'num_leaves': 108, 'subsample': 0.8914824719875505}
Epoch : 2998: f1_weighted Score 0.812 params {'colsample_bytree': 0.7807871833878315, 'learning_rate': 0.007771474151123945, 'max_depth': 14, 'min_child_samples': 28, 'n_estimators': 325, 'num_leaves': 108, 'subsample': 0.890918695016621}
Epoch : 2999: f1_weighted Score 0.806 params {'colsample_bytree': 0.9861111899183184, 'learning_rate': 0.07363241265373843, 'max_depth': 5, 'min_child_samples': 26, 'n_estimators': 50, 'num_leaves': 100, 'subsample': 0.8213465739451864}
Epoch : 3000: f1_weighted Score 0.796 params {'colsample_bytree': 0.7063887537783247, 'learning_rate': 0.024924226017013378, 'max_depth': 8, 'min_child_samples': 28, 'n_estimators': 400, 'num_leaves': 88, 'subsample': 0.8999630121763007}
the best option is: {'colsample_bytree': 0.773466033070907, 'learning_rate': 0.020294457556787934, 'max_depth': 7, 'min_child_samples': 30, 'n_estimators': 125, 'num_leaves': 28, 'subsample': 0.9593727098492726}
Cooresponding loss:
0.8077791567992817
In [246]:
RF_space = {
        'n_estimators' : scope.int(hp.quniform('n_estimators', 50, 1500, 25)),
        'max_depth' : scope.int(hp.quniform('max_depth', 1,25,1)),
        'max_features': hp.choice('max_features', ['auto','sqrt','log2', 0.5, None]),
        'min_samples_leaf': scope.int(hp.quniform('min_samples_leaf', 2,30,2)),
}
RF = Bayesian_Optimizer(clf=RandomForestClassifier, param_space=RF_space, max_eval=1000)
RF.HP_optimization()
Epoch : 1: f1_weighted Score 0.812 params {'max_depth': 22, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 150}
Epoch : 2: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 300}
Epoch : 3: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 925}
Epoch : 4: f1_weighted Score 0.812 params {'max_depth': 24, 'max_features': None, 'min_samples_leaf': 26, 'n_estimators': 75}
Epoch : 5: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 14, 'n_estimators': 825}
Epoch : 6: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 1500}
Epoch : 7: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 20, 'n_estimators': 1300}
Epoch : 8: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': None, 'min_samples_leaf': 12, 'n_estimators': 1125}
Epoch : 9: f1_weighted Score 0.812 params {'max_depth': 24, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 875}
Epoch : 10: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 700}
Epoch : 11: f1_weighted Score 0.812 params {'max_depth': 22, 'max_features': None, 'min_samples_leaf': 14, 'n_estimators': 1425}
Epoch : 12: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': None, 'min_samples_leaf': 14, 'n_estimators': 275}
Epoch : 13: f1_weighted Score 0.812 params {'max_depth': 23, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 1100}
Epoch : 14: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 1250}
Epoch : 15: f1_weighted Score 0.810 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 1050}
Epoch : 16: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'log2', 'min_samples_leaf': 28, 'n_estimators': 325}
Epoch : 17: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'auto', 'min_samples_leaf': 12, 'n_estimators': 200}
Epoch : 18: f1_weighted Score 0.812 params {'max_depth': 22, 'max_features': 'auto', 'min_samples_leaf': 24, 'n_estimators': 350}
Epoch : 19: f1_weighted Score 0.809 params {'max_depth': 4, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 75}
Epoch : 20: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 725}
Epoch : 21: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 0.5, 'min_samples_leaf': 18, 'n_estimators': 600}
Epoch : 22: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'auto', 'min_samples_leaf': 30, 'n_estimators': 425}
Epoch : 23: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 500}
Epoch : 24: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 0.5, 'min_samples_leaf': 18, 'n_estimators': 575}
Epoch : 25: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'auto', 'min_samples_leaf': 30, 'n_estimators': 450}
Epoch : 26: f1_weighted Score 0.802 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 2, 'n_estimators': 175}
Epoch : 27: f1_weighted Score 0.812 params {'max_depth': 25, 'max_features': 0.5, 'min_samples_leaf': 18, 'n_estimators': 525}
Epoch : 28: f1_weighted Score 0.812 params {'max_depth': 22, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 125}
Epoch : 29: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 425}
Epoch : 30: f1_weighted Score 0.801 params {'max_depth': 25, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 625}
Epoch : 31: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 225}
Epoch : 32: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 26, 'n_estimators': 375}
Epoch : 33: f1_weighted Score 0.810 params {'max_depth': 12, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 75}
Epoch : 34: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 250}
Epoch : 35: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 26, 'n_estimators': 350}
Epoch : 36: f1_weighted Score 0.792 params {'max_depth': 6, 'max_features': 'sqrt', 'min_samples_leaf': 26, 'n_estimators': 50}
Epoch : 37: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 0.5, 'min_samples_leaf': 22, 'n_estimators': 800}
Epoch : 38: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 900}
Epoch : 39: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 26, 'n_estimators': 1000}
Epoch : 40: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 0.5, 'min_samples_leaf': 22, 'n_estimators': 800}
Epoch : 41: f1_weighted Score 0.812 params {'max_depth': 21, 'max_features': 0.5, 'min_samples_leaf': 18, 'n_estimators': 700}
Epoch : 42: f1_weighted Score 0.812 params {'max_depth': 24, 'max_features': None, 'min_samples_leaf': 30, 'n_estimators': 125}
Epoch : 43: f1_weighted Score 0.812 params {'max_depth': 23, 'max_features': 'auto', 'min_samples_leaf': 16, 'n_estimators': 500}
Epoch : 44: f1_weighted Score 0.812 params {'max_depth': 24, 'max_features': None, 'min_samples_leaf': 30, 'n_estimators': 1500}
Epoch : 45: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 950}
Epoch : 46: f1_weighted Score 0.812 params {'max_depth': 23, 'max_features': None, 'min_samples_leaf': 28, 'n_estimators': 1500}
Epoch : 47: f1_weighted Score 0.812 params {'max_depth': 21, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 600}
Epoch : 48: f1_weighted Score 0.812 params {'max_depth': 23, 'max_features': None, 'min_samples_leaf': 28, 'n_estimators': 1225}
Epoch : 49: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 425}
Epoch : 50: f1_weighted Score 0.812 params {'max_depth': 25, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 1375}
Epoch : 51: f1_weighted Score 0.809 params {'max_depth': 25, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 300}
Epoch : 52: f1_weighted Score 0.812 params {'max_depth': 21, 'max_features': None, 'min_samples_leaf': 24, 'n_estimators': 1175}
Epoch : 53: f1_weighted Score 0.812 params {'max_depth': 22, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 150}
Epoch : 54: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 125}
Epoch : 55: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'log2', 'min_samples_leaf': 26, 'n_estimators': 275}
Epoch : 56: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 400}
Epoch : 57: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'auto', 'min_samples_leaf': 24, 'n_estimators': 650}
Epoch : 58: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 20, 'n_estimators': 550}
Epoch : 59: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 75}
Epoch : 60: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 225}
Epoch : 61: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 200}
Epoch : 62: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'log2', 'min_samples_leaf': 26, 'n_estimators': 375}
Epoch : 63: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 0.5, 'min_samples_leaf': 22, 'n_estimators': 725}
Epoch : 64: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 18, 'n_estimators': 250}
Epoch : 65: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 850}
Epoch : 66: f1_weighted Score 0.810 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 475}
Epoch : 67: f1_weighted Score 0.809 params {'max_depth': 12, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 850}
Epoch : 68: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 1075}
Epoch : 69: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 975}
Epoch : 70: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 925}
Epoch : 71: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 775}
Epoch : 72: f1_weighted Score 0.564 params {'max_depth': 1, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 1300}
Epoch : 73: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 775}
Epoch : 74: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'log2', 'min_samples_leaf': 26, 'n_estimators': 1025}
Epoch : 75: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 18, 'n_estimators': 1125}
Epoch : 76: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 26, 'n_estimators': 675}
Epoch : 77: f1_weighted Score 0.812 params {'max_depth': 22, 'max_features': None, 'min_samples_leaf': 30, 'n_estimators': 1200}
Epoch : 78: f1_weighted Score 0.812 params {'max_depth': 21, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 1175}
Epoch : 79: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 150}
Epoch : 80: f1_weighted Score 0.798 params {'max_depth': 19, 'max_features': 'log2', 'min_samples_leaf': 2, 'n_estimators': 300}
Epoch : 81: f1_weighted Score 0.810 params {'max_depth': 11, 'max_features': 'log2', 'min_samples_leaf': 28, 'n_estimators': 375}
Epoch : 82: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'auto', 'min_samples_leaf': 24, 'n_estimators': 625}
Epoch : 83: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 550}
Epoch : 84: f1_weighted Score 0.810 params {'max_depth': 13, 'max_features': 'log2', 'min_samples_leaf': 28, 'n_estimators': 325}
Epoch : 85: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'auto', 'min_samples_leaf': 30, 'n_estimators': 675}
Epoch : 86: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 20, 'n_estimators': 525}
Epoch : 87: f1_weighted Score 0.810 params {'max_depth': 2, 'max_features': 'auto', 'min_samples_leaf': 24, 'n_estimators': 475}
Epoch : 88: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 100}
Epoch : 89: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 75}
Epoch : 90: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 50}
Epoch : 91: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 200}
Epoch : 92: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 250}
Epoch : 93: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 26, 'n_estimators': 175}
Epoch : 94: f1_weighted Score 0.812 params {'max_depth': 24, 'max_features': 'sqrt', 'min_samples_leaf': 26, 'n_estimators': 375}
Epoch : 95: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'log2', 'min_samples_leaf': 22, 'n_estimators': 750}
Epoch : 96: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 18, 'n_estimators': 450}
Epoch : 97: f1_weighted Score 0.808 params {'max_depth': 16, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 875}
Epoch : 98: f1_weighted Score 0.804 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 850}
Epoch : 99: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': None, 'min_samples_leaf': 16, 'n_estimators': 1450}
Epoch : 100: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 12, 'n_estimators': 1075}
Epoch : 101: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 1375}
Epoch : 102: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 975}
Epoch : 103: f1_weighted Score 0.812 params {'max_depth': 24, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 1275}
Epoch : 104: f1_weighted Score 0.812 params {'max_depth': 22, 'max_features': None, 'min_samples_leaf': 24, 'n_estimators': 950}
Epoch : 105: f1_weighted Score 0.812 params {'max_depth': 23, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 900}
Epoch : 106: f1_weighted Score 0.809 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 800}
Epoch : 107: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 1050}
Epoch : 108: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'log2', 'min_samples_leaf': 30, 'n_estimators': 1325}
Epoch : 109: f1_weighted Score 0.811 params {'max_depth': 6, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 1025}
Epoch : 110: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'log2', 'min_samples_leaf': 18, 'n_estimators': 1125}
Epoch : 111: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 26, 'n_estimators': 1375}
Epoch : 112: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 28, 'n_estimators': 1125}
Epoch : 113: f1_weighted Score 0.812 params {'max_depth': 23, 'max_features': None, 'min_samples_leaf': 30, 'n_estimators': 1225}
Epoch : 114: f1_weighted Score 0.811 params {'max_depth': 21, 'max_features': 'log2', 'min_samples_leaf': 30, 'n_estimators': 650}
Epoch : 115: f1_weighted Score 0.812 params {'max_depth': 22, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 1175}
Epoch : 116: f1_weighted Score 0.804 params {'max_depth': 21, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 1475}
Epoch : 117: f1_weighted Score 0.812 params {'max_depth': 25, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 125}
Epoch : 118: f1_weighted Score 0.811 params {'max_depth': 19, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 575}
Epoch : 119: f1_weighted Score 0.810 params {'max_depth': 20, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 325}
Epoch : 120: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'auto', 'min_samples_leaf': 14, 'n_estimators': 275}
Epoch : 121: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'auto', 'min_samples_leaf': 12, 'n_estimators': 225}
Epoch : 122: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'auto', 'min_samples_leaf': 16, 'n_estimators': 150}
Epoch : 123: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'auto', 'min_samples_leaf': 24, 'n_estimators': 575}
Epoch : 124: f1_weighted Score 0.808 params {'max_depth': 4, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 700}
Epoch : 125: f1_weighted Score 0.564 params {'max_depth': 1, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 525}
Epoch : 126: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 'auto', 'min_samples_leaf': 26, 'n_estimators': 500}
Epoch : 127: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'auto', 'min_samples_leaf': 22, 'n_estimators': 725}
Epoch : 128: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 22, 'n_estimators': 425}
Epoch : 129: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 100}
Epoch : 130: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 100}
Epoch : 131: f1_weighted Score 0.810 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 100}
Epoch : 132: f1_weighted Score 0.804 params {'max_depth': 16, 'max_features': 'sqrt', 'min_samples_leaf': 2, 'n_estimators': 175}
Epoch : 133: f1_weighted Score 0.806 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 350}
Epoch : 134: f1_weighted Score 0.810 params {'max_depth': 12, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 400}
Epoch : 135: f1_weighted Score 0.810 params {'max_depth': 25, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 1150}
Epoch : 136: f1_weighted Score 0.809 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 200}
Epoch : 137: f1_weighted Score 0.799 params {'max_depth': 13, 'max_features': 0.5, 'min_samples_leaf': 2, 'n_estimators': 300}
Epoch : 138: f1_weighted Score 0.809 params {'max_depth': 10, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 50}
Epoch : 139: f1_weighted Score 0.810 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 50}
Epoch : 140: f1_weighted Score 0.804 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 250}
Epoch : 141: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 200}
Epoch : 142: f1_weighted Score 0.810 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 150}
Epoch : 143: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 75}
Epoch : 144: f1_weighted Score 0.806 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 325}
Epoch : 145: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 625}
Epoch : 146: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 250}
Epoch : 147: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 200}
Epoch : 148: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 16, 'n_estimators': 400}
Epoch : 149: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 175}
Epoch : 150: f1_weighted Score 0.812 params {'max_depth': 24, 'max_features': 'sqrt', 'min_samples_leaf': 26, 'n_estimators': 350}
Epoch : 151: f1_weighted Score 0.812 params {'max_depth': 22, 'max_features': 'log2', 'min_samples_leaf': 22, 'n_estimators': 750}
Epoch : 152: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'log2', 'min_samples_leaf': 18, 'n_estimators': 450}
Epoch : 153: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 20, 'n_estimators': 450}
Epoch : 154: f1_weighted Score 0.812 params {'max_depth': 21, 'max_features': None, 'min_samples_leaf': 16, 'n_estimators': 300}
Epoch : 155: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': None, 'min_samples_leaf': 12, 'n_estimators': 1450}
Epoch : 156: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 8, 'n_estimators': 1375}
Epoch : 157: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 1375}
Epoch : 158: f1_weighted Score 0.797 params {'max_depth': 23, 'max_features': None, 'min_samples_leaf': 2, 'n_estimators': 1325}
Epoch : 159: f1_weighted Score 0.810 params {'max_depth': 17, 'max_features': None, 'min_samples_leaf': 8, 'n_estimators': 1400}
Epoch : 160: f1_weighted Score 0.807 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 100}
Epoch : 161: f1_weighted Score 0.802 params {'max_depth': 19, 'max_features': None, 'min_samples_leaf': 4, 'n_estimators': 1325}
Epoch : 162: f1_weighted Score 0.811 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 925}
Epoch : 163: f1_weighted Score 0.811 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 100}
Epoch : 164: f1_weighted Score 0.812 params {'max_depth': 24, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 1275}
Epoch : 165: f1_weighted Score 0.802 params {'max_depth': 22, 'max_features': None, 'min_samples_leaf': 2, 'n_estimators': 1225}
Epoch : 166: f1_weighted Score 0.812 params {'max_depth': 24, 'max_features': None, 'min_samples_leaf': 8, 'n_estimators': 1275}
Epoch : 167: f1_weighted Score 0.811 params {'max_depth': 23, 'max_features': None, 'min_samples_leaf': 8, 'n_estimators': 1500}
Epoch : 168: f1_weighted Score 0.804 params {'max_depth': 25, 'max_features': None, 'min_samples_leaf': 6, 'n_estimators': 1475}
Epoch : 169: f1_weighted Score 0.802 params {'max_depth': 4, 'max_features': None, 'min_samples_leaf': 4, 'n_estimators': 1075}
Epoch : 170: f1_weighted Score 0.809 params {'max_depth': 24, 'max_features': None, 'min_samples_leaf': 8, 'n_estimators': 1425}
Epoch : 171: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 12, 'n_estimators': 1275}
Epoch : 172: f1_weighted Score 0.808 params {'max_depth': 18, 'max_features': None, 'min_samples_leaf': 6, 'n_estimators': 1350}
Epoch : 173: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 1250}
Epoch : 174: f1_weighted Score 0.799 params {'max_depth': 21, 'max_features': None, 'min_samples_leaf': 2, 'n_estimators': 1200}
Epoch : 175: f1_weighted Score 0.810 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 8, 'n_estimators': 1000}
Epoch : 176: f1_weighted Score 0.807 params {'max_depth': 20, 'max_features': None, 'min_samples_leaf': 6, 'n_estimators': 1475}
Epoch : 177: f1_weighted Score 0.802 params {'max_depth': 17, 'max_features': None, 'min_samples_leaf': 4, 'n_estimators': 1425}
Epoch : 178: f1_weighted Score 0.812 params {'max_depth': 25, 'max_features': None, 'min_samples_leaf': 12, 'n_estimators': 1100}
Epoch : 179: f1_weighted Score 0.812 params {'max_depth': 24, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 825}
Epoch : 180: f1_weighted Score 0.802 params {'max_depth': 22, 'max_features': None, 'min_samples_leaf': 4, 'n_estimators': 1300}
Epoch : 181: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 1175}
Epoch : 182: f1_weighted Score 0.809 params {'max_depth': 16, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 1150}
Epoch : 183: f1_weighted Score 0.804 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 6, 'n_estimators': 1200}
Epoch : 184: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 1250}
Epoch : 185: f1_weighted Score 0.799 params {'max_depth': 14, 'max_features': 0.5, 'min_samples_leaf': 2, 'n_estimators': 1400}
Epoch : 186: f1_weighted Score 0.811 params {'max_depth': 17, 'max_features': None, 'min_samples_leaf': 8, 'n_estimators': 1025}
Epoch : 187: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 1350}
Epoch : 188: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 1050}
Epoch : 189: f1_weighted Score 0.808 params {'max_depth': 18, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 1100}
Epoch : 190: f1_weighted Score 0.808 params {'max_depth': 12, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 1425}
Epoch : 191: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': None, 'min_samples_leaf': 8, 'n_estimators': 1150}
Epoch : 192: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 950}
Epoch : 193: f1_weighted Score 0.799 params {'max_depth': 23, 'max_features': None, 'min_samples_leaf': 2, 'n_estimators': 1150}
Epoch : 194: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 1300}
Epoch : 195: f1_weighted Score 0.808 params {'max_depth': 17, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 1225}
Epoch : 196: f1_weighted Score 0.811 params {'max_depth': 20, 'max_features': None, 'min_samples_leaf': 8, 'n_estimators': 1350}
Epoch : 197: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 1000}
Epoch : 198: f1_weighted Score 0.804 params {'max_depth': 18, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 875}
Epoch : 199: f1_weighted Score 0.801 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 2, 'n_estimators': 900}
Epoch : 200: f1_weighted Score 0.810 params {'max_depth': 16, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 1175}
Epoch : 201: f1_weighted Score 0.812 params {'max_depth': 21, 'max_features': None, 'min_samples_leaf': 14, 'n_estimators': 975}
Epoch : 202: f1_weighted Score 0.806 params {'max_depth': 18, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 825}
Epoch : 203: f1_weighted Score 0.804 params {'max_depth': 19, 'max_features': None, 'min_samples_leaf': 4, 'n_estimators': 1075}
Epoch : 204: f1_weighted Score 0.810 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 1500}
Epoch : 205: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 1450}
Epoch : 206: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': None, 'min_samples_leaf': 14, 'n_estimators': 1300}
Epoch : 207: f1_weighted Score 0.809 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 1400}
Epoch : 208: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 1250}
Epoch : 209: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 1275}
Epoch : 210: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 1100}
Epoch : 211: f1_weighted Score 0.811 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 1350}
Epoch : 212: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 1200}
Epoch : 213: f1_weighted Score 0.804 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 1275}
Epoch : 214: f1_weighted Score 0.809 params {'max_depth': 6, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 1025}
Epoch : 215: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 1475}
Epoch : 216: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 1325}
Epoch : 217: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 1400}
Epoch : 218: f1_weighted Score 0.806 params {'max_depth': 8, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 1125}
Epoch : 219: f1_weighted Score 0.797 params {'max_depth': 22, 'max_features': 0.5, 'min_samples_leaf': 2, 'n_estimators': 1250}
Epoch : 220: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 925}
Epoch : 221: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 925}
Epoch : 222: f1_weighted Score 0.802 params {'max_depth': 14, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 775}
Epoch : 223: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 875}
Epoch : 224: f1_weighted Score 0.802 params {'max_depth': 7, 'max_features': 0.5, 'min_samples_leaf': 2, 'n_estimators': 675}
Epoch : 225: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 725}
Epoch : 226: f1_weighted Score 0.806 params {'max_depth': 11, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 875}
Epoch : 227: f1_weighted Score 0.810 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 800}
Epoch : 228: f1_weighted Score 0.804 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 750}
Epoch : 229: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 675}
Epoch : 230: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 600}
Epoch : 231: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 1000}
Epoch : 232: f1_weighted Score 0.810 params {'max_depth': 17, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 950}
Epoch : 233: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 550}
Epoch : 234: f1_weighted Score 0.800 params {'max_depth': 14, 'max_features': 0.5, 'min_samples_leaf': 2, 'n_estimators': 850}
Epoch : 235: f1_weighted Score 0.806 params {'max_depth': 17, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 825}
Epoch : 236: f1_weighted Score 0.809 params {'max_depth': 16, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 975}
Epoch : 237: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'auto', 'min_samples_leaf': 12, 'n_estimators': 1050}
Epoch : 238: f1_weighted Score 0.811 params {'max_depth': 8, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 775}
Epoch : 239: f1_weighted Score 0.811 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 900}
Epoch : 240: f1_weighted Score 0.812 params {'max_depth': 21, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 1175}
Epoch : 241: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 1050}
Epoch : 242: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'log2', 'min_samples_leaf': 14, 'n_estimators': 1100}
Epoch : 243: f1_weighted Score 0.804 params {'max_depth': 16, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 700}
Epoch : 244: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'auto', 'min_samples_leaf': 16, 'n_estimators': 1200}
Epoch : 245: f1_weighted Score 0.811 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 1125}
Epoch : 246: f1_weighted Score 0.799 params {'max_depth': 17, 'max_features': 0.5, 'min_samples_leaf': 2, 'n_estimators': 1025}
Epoch : 247: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 1000}
Epoch : 248: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 925}
Epoch : 249: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 1150}
Epoch : 250: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 625}
Epoch : 251: f1_weighted Score 0.811 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 1000}
Epoch : 252: f1_weighted Score 0.809 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 975}
Epoch : 253: f1_weighted Score 0.805 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 1225}
Epoch : 254: f1_weighted Score 0.810 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 1100}
Epoch : 255: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 1075}
Epoch : 256: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 1325}
Epoch : 257: f1_weighted Score 0.805 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 2, 'n_estimators': 1175}
Epoch : 258: f1_weighted Score 0.810 params {'max_depth': 11, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 875}
Epoch : 259: f1_weighted Score 0.808 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 925}
Epoch : 260: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 850}
Epoch : 261: f1_weighted Score 0.809 params {'max_depth': 14, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 800}
Epoch : 262: f1_weighted Score 0.811 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 850}
Epoch : 263: f1_weighted Score 0.808 params {'max_depth': 13, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 950}
Epoch : 264: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 1050}
Epoch : 265: f1_weighted Score 0.810 params {'max_depth': 18, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 650}
Epoch : 266: f1_weighted Score 0.802 params {'max_depth': 17, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 725}
Epoch : 267: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 1000}
Epoch : 268: f1_weighted Score 0.809 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 750}
Epoch : 269: f1_weighted Score 0.806 params {'max_depth': 11, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 900}
Epoch : 270: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 800}
Epoch : 271: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 600}
Epoch : 272: f1_weighted Score 0.811 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 700}
Epoch : 273: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 850}
Epoch : 274: f1_weighted Score 0.803 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 500}
Epoch : 275: f1_weighted Score 0.808 params {'max_depth': 11, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 825}
Epoch : 276: f1_weighted Score 0.810 params {'max_depth': 19, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 900}
Epoch : 277: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 1000}
Epoch : 278: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 650}
Epoch : 279: f1_weighted Score 0.806 params {'max_depth': 12, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 550}
Epoch : 280: f1_weighted Score 0.811 params {'max_depth': 20, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 750}
Epoch : 281: f1_weighted Score 0.798 params {'max_depth': 14, 'max_features': 0.5, 'min_samples_leaf': 2, 'n_estimators': 625}
Epoch : 282: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 650}
Epoch : 283: f1_weighted Score 0.810 params {'max_depth': 13, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 675}
Epoch : 284: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'log2', 'min_samples_leaf': 14, 'n_estimators': 975}
Epoch : 285: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 425}
Epoch : 286: f1_weighted Score 0.811 params {'max_depth': 16, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 475}
Epoch : 287: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 775}
Epoch : 288: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 850}
Epoch : 289: f1_weighted Score 0.800 params {'max_depth': 7, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 950}
Epoch : 290: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 875}
Epoch : 291: f1_weighted Score 0.809 params {'max_depth': 12, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 800}
Epoch : 292: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 1075}
Epoch : 293: f1_weighted Score 0.810 params {'max_depth': 5, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 1125}
Epoch : 294: f1_weighted Score 0.802 params {'max_depth': 6, 'max_features': 0.5, 'min_samples_leaf': 2, 'n_estimators': 1025}
Epoch : 295: f1_weighted Score 0.811 params {'max_depth': 8, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 950}
Epoch : 296: f1_weighted Score 0.804 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 925}
Epoch : 297: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 725}
Epoch : 298: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 1075}
Epoch : 299: f1_weighted Score 0.811 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 1225}
Epoch : 300: f1_weighted Score 0.811 params {'max_depth': 14, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 575}
Epoch : 301: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 900}
Epoch : 302: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 1025}
Epoch : 303: f1_weighted Score 0.806 params {'max_depth': 11, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 825}
Epoch : 304: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 850}
Epoch : 305: f1_weighted Score 0.811 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 725}
Epoch : 306: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 525}
Epoch : 307: f1_weighted Score 0.810 params {'max_depth': 13, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 475}
Epoch : 308: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 575}
Epoch : 309: f1_weighted Score 0.797 params {'max_depth': 14, 'max_features': 0.5, 'min_samples_leaf': 2, 'n_estimators': 1300}
Epoch : 310: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 12, 'n_estimators': 1150}
Epoch : 311: f1_weighted Score 0.808 params {'max_depth': 17, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 575}
Epoch : 312: f1_weighted Score 0.809 params {'max_depth': 19, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 600}
Epoch : 313: f1_weighted Score 0.812 params {'max_depth': 21, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 1450}
Epoch : 314: f1_weighted Score 0.809 params {'max_depth': 20, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 375}
Epoch : 315: f1_weighted Score 0.800 params {'max_depth': 17, 'max_features': 'auto', 'min_samples_leaf': 2, 'n_estimators': 775}
Epoch : 316: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 750}
Epoch : 317: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 675}
Epoch : 318: f1_weighted Score 0.808 params {'max_depth': 16, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 700}
Epoch : 319: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 1100}
Epoch : 320: f1_weighted Score 0.810 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 800}
Epoch : 321: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 875}
Epoch : 322: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 975}
Epoch : 323: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 825}
Epoch : 324: f1_weighted Score 0.809 params {'max_depth': 5, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 850}
Epoch : 325: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 12, 'n_estimators': 1175}
Epoch : 326: f1_weighted Score 0.806 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 525}
Epoch : 327: f1_weighted Score 0.806 params {'max_depth': 4, 'max_features': 'auto', 'min_samples_leaf': 2, 'n_estimators': 400}
Epoch : 328: f1_weighted Score 0.809 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 325}
Epoch : 329: f1_weighted Score 0.810 params {'max_depth': 17, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 375}
Epoch : 330: f1_weighted Score 0.808 params {'max_depth': 22, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 500}
Epoch : 331: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'auto', 'min_samples_leaf': 12, 'n_estimators': 650}
Epoch : 332: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 450}
Epoch : 333: f1_weighted Score 0.808 params {'max_depth': 14, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 50}
Epoch : 334: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'log2', 'min_samples_leaf': 18, 'n_estimators': 600}
Epoch : 335: f1_weighted Score 0.806 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 750}
Epoch : 336: f1_weighted Score 0.810 params {'max_depth': 12, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 725}
Epoch : 337: f1_weighted Score 0.806 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 300}
Epoch : 338: f1_weighted Score 0.810 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 850}
Epoch : 339: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 12, 'n_estimators': 1275}
Epoch : 340: f1_weighted Score 0.808 params {'max_depth': 19, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 1050}
Epoch : 341: f1_weighted Score 0.801 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 2, 'n_estimators': 900}
Epoch : 342: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 675}
Epoch : 343: f1_weighted Score 0.810 params {'max_depth': 13, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 650}
Epoch : 344: f1_weighted Score 0.805 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 550}
Epoch : 345: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 975}
Epoch : 346: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 1200}
Epoch : 347: f1_weighted Score 0.806 params {'max_depth': 14, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 800}
Epoch : 348: f1_weighted Score 0.810 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 275}
Epoch : 349: f1_weighted Score 0.812 params {'max_depth': 21, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 1125}
Epoch : 350: f1_weighted Score 0.810 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 625}
Epoch : 351: f1_weighted Score 0.804 params {'max_depth': 16, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 700}
Epoch : 352: f1_weighted Score 0.810 params {'max_depth': 11, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 925}
Epoch : 353: f1_weighted Score 0.808 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 125}
Epoch : 354: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 925}
Epoch : 355: f1_weighted Score 0.797 params {'max_depth': 14, 'max_features': 0.5, 'min_samples_leaf': 2, 'n_estimators': 700}
Epoch : 356: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 625}
Epoch : 357: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 1025}
Epoch : 358: f1_weighted Score 0.802 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 1025}
Epoch : 359: f1_weighted Score 0.808 params {'max_depth': 20, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 1050}
Epoch : 360: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 750}
Epoch : 361: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 1250}
Epoch : 362: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'auto', 'min_samples_leaf': 18, 'n_estimators': 1350}
Epoch : 363: f1_weighted Score 0.801 params {'max_depth': 12, 'max_features': 'sqrt', 'min_samples_leaf': 2, 'n_estimators': 1400}
Epoch : 364: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 12, 'n_estimators': 550}
Epoch : 365: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 825}
Epoch : 366: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 475}
Epoch : 367: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'log2', 'min_samples_leaf': 14, 'n_estimators': 1075}
Epoch : 368: f1_weighted Score 0.809 params {'max_depth': 11, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 500}
Epoch : 369: f1_weighted Score 0.812 params {'max_depth': 23, 'max_features': 0.5, 'min_samples_leaf': 20, 'n_estimators': 575}
Epoch : 370: f1_weighted Score 0.810 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 775}
Epoch : 371: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 1225}
Epoch : 372: f1_weighted Score 0.811 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 875}
Epoch : 373: f1_weighted Score 0.811 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 425}
Epoch : 374: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 600}
Epoch : 375: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 750}
Epoch : 376: f1_weighted Score 0.803 params {'max_depth': 5, 'max_features': 'auto', 'min_samples_leaf': 2, 'n_estimators': 900}
Epoch : 377: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 950}
Epoch : 378: f1_weighted Score 0.804 params {'max_depth': 21, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 1000}
Epoch : 379: f1_weighted Score 0.810 params {'max_depth': 18, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 550}
Epoch : 380: f1_weighted Score 0.808 params {'max_depth': 19, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 625}
Epoch : 381: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 1000}
Epoch : 382: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 775}
Epoch : 383: f1_weighted Score 0.811 params {'max_depth': 14, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 825}
Epoch : 384: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 675}
Epoch : 385: f1_weighted Score 0.802 params {'max_depth': 7, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 1450}
Epoch : 386: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 1250}
Epoch : 387: f1_weighted Score 0.811 params {'max_depth': 16, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 1375}
Epoch : 388: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 1325}
Epoch : 389: f1_weighted Score 0.801 params {'max_depth': 20, 'max_features': 'auto', 'min_samples_leaf': 2, 'n_estimators': 1100}
Epoch : 390: f1_weighted Score 0.810 params {'max_depth': 13, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 475}
Epoch : 391: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 1300}
Epoch : 392: f1_weighted Score 0.811 params {'max_depth': 22, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 325}
Epoch : 393: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 400}
Epoch : 394: f1_weighted Score 0.808 params {'max_depth': 17, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 350}
Epoch : 395: f1_weighted Score 0.806 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 425}
Epoch : 396: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 850}
Epoch : 397: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'log2', 'min_samples_leaf': 16, 'n_estimators': 450}
Epoch : 398: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 1175}
Epoch : 399: f1_weighted Score 0.797 params {'max_depth': 17, 'max_features': 0.5, 'min_samples_leaf': 2, 'n_estimators': 950}
Epoch : 400: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'auto', 'min_samples_leaf': 18, 'n_estimators': 975}
Epoch : 401: f1_weighted Score 0.809 params {'max_depth': 8, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 1150}
Epoch : 402: f1_weighted Score 0.811 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 1125}
Epoch : 403: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 650}
Epoch : 404: f1_weighted Score 0.809 params {'max_depth': 11, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 1425}
Epoch : 405: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 800}
Epoch : 406: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 725}
Epoch : 407: f1_weighted Score 0.811 params {'max_depth': 16, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 700}
Epoch : 408: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 1200}
Epoch : 409: f1_weighted Score 0.808 params {'max_depth': 17, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 1075}
Epoch : 410: f1_weighted Score 0.810 params {'max_depth': 19, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 1050}
Epoch : 411: f1_weighted Score 0.809 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 900}
Epoch : 412: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 1000}
Epoch : 413: f1_weighted Score 0.810 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 875}
Epoch : 414: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 725}
Epoch : 415: f1_weighted Score 0.811 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 225}
Epoch : 416: f1_weighted Score 0.806 params {'max_depth': 16, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 1025}
Epoch : 417: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 1150}
Epoch : 418: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 1100}
Epoch : 419: f1_weighted Score 0.809 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 925}
Epoch : 420: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 500}
Epoch : 421: f1_weighted Score 0.809 params {'max_depth': 21, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 525}
Epoch : 422: f1_weighted Score 0.809 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 775}
Epoch : 423: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 175}
Epoch : 424: f1_weighted Score 0.811 params {'max_depth': 19, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 1225}
Epoch : 425: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 600}
Epoch : 426: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 750}
Epoch : 427: f1_weighted Score 0.810 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 400}
Epoch : 428: f1_weighted Score 0.811 params {'max_depth': 23, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 525}
Epoch : 429: f1_weighted Score 0.810 params {'max_depth': 17, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 475}
Epoch : 430: f1_weighted Score 0.808 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 350}
Epoch : 431: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 425}
Epoch : 432: f1_weighted Score 0.809 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 550}
Epoch : 433: f1_weighted Score 0.810 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 625}
Epoch : 434: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 275}
Epoch : 435: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 250}
Epoch : 436: f1_weighted Score 0.802 params {'max_depth': 21, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 1125}
Epoch : 437: f1_weighted Score 0.810 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 150}
Epoch : 438: f1_weighted Score 0.805 params {'max_depth': 11, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 925}
Epoch : 439: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 1050}
Epoch : 440: f1_weighted Score 0.804 params {'max_depth': 8, 'max_features': 0.5, 'min_samples_leaf': 2, 'n_estimators': 850}
Epoch : 441: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 825}
Epoch : 442: f1_weighted Score 0.806 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 800}
Epoch : 443: f1_weighted Score 0.810 params {'max_depth': 8, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 675}
Epoch : 444: f1_weighted Score 0.804 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 950}
Epoch : 445: f1_weighted Score 0.810 params {'max_depth': 22, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 350}
Epoch : 446: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 850}
Epoch : 447: f1_weighted Score 0.811 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 875}
Epoch : 448: f1_weighted Score 0.809 params {'max_depth': 13, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 400}
Epoch : 449: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 700}
Epoch : 450: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 575}
Epoch : 451: f1_weighted Score 0.805 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 450}
Epoch : 452: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 1275}
Epoch : 453: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 1500}
Epoch : 454: f1_weighted Score 0.811 params {'max_depth': 13, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 1350}
Epoch : 455: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 300}
Epoch : 456: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 8, 'n_estimators': 1250}
Epoch : 457: f1_weighted Score 0.802 params {'max_depth': 18, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 1200}
Epoch : 458: f1_weighted Score 0.802 params {'max_depth': 19, 'max_features': 0.5, 'min_samples_leaf': 2, 'n_estimators': 1025}
Epoch : 459: f1_weighted Score 0.808 params {'max_depth': 17, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 975}
Epoch : 460: f1_weighted Score 0.811 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 900}
Epoch : 461: f1_weighted Score 0.810 params {'max_depth': 16, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 950}
Epoch : 462: f1_weighted Score 0.809 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 1100}
Epoch : 463: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 1000}
Epoch : 464: f1_weighted Score 0.810 params {'max_depth': 13, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 825}
Epoch : 465: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 975}
Epoch : 466: f1_weighted Score 0.811 params {'max_depth': 14, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 350}
Epoch : 467: f1_weighted Score 0.806 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 800}
Epoch : 468: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 775}
Epoch : 469: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 14, 'n_estimators': 725}
Epoch : 470: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 225}
Epoch : 471: f1_weighted Score 0.810 params {'max_depth': 14, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 150}
Epoch : 472: f1_weighted Score 0.804 params {'max_depth': 16, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 1175}
Epoch : 473: f1_weighted Score 0.798 params {'max_depth': 21, 'max_features': 'log2', 'min_samples_leaf': 2, 'n_estimators': 500}
Epoch : 474: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 750}
Epoch : 475: f1_weighted Score 0.808 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 675}
Epoch : 476: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 900}
Epoch : 477: f1_weighted Score 0.810 params {'max_depth': 25, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 500}
Epoch : 478: f1_weighted Score 0.811 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 625}
Epoch : 479: f1_weighted Score 0.806 params {'max_depth': 6, 'max_features': None, 'min_samples_leaf': 6, 'n_estimators': 1100}
Epoch : 480: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 1050}
Epoch : 481: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 1025}
Epoch : 482: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 1075}
Epoch : 483: f1_weighted Score 0.799 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 2, 'n_estimators': 800}
Epoch : 484: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 1400}
Epoch : 485: f1_weighted Score 0.804 params {'max_depth': 13, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 1475}
Epoch : 486: f1_weighted Score 0.811 params {'max_depth': 12, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 975}
Epoch : 487: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 1125}
Epoch : 488: f1_weighted Score 0.810 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 1275}
Epoch : 489: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 1300}
Epoch : 490: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 1125}
Epoch : 491: f1_weighted Score 0.808 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 6, 'n_estimators': 1225}
Epoch : 492: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 12, 'n_estimators': 650}
Epoch : 493: f1_weighted Score 0.799 params {'max_depth': 24, 'max_features': 'sqrt', 'min_samples_leaf': 2, 'n_estimators': 1325}
Epoch : 494: f1_weighted Score 0.810 params {'max_depth': 10, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 925}
Epoch : 495: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 20, 'n_estimators': 875}
Epoch : 496: f1_weighted Score 0.808 params {'max_depth': 12, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 700}
Epoch : 497: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 750}
Epoch : 498: f1_weighted Score 0.812 params {'max_depth': 23, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 950}
Epoch : 499: f1_weighted Score 0.811 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 575}
Epoch : 500: f1_weighted Score 0.811 params {'max_depth': 15, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 1050}
Epoch : 501: f1_weighted Score 0.810 params {'max_depth': 9, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 900}
Epoch : 502: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'log2', 'min_samples_leaf': 14, 'n_estimators': 375}
Epoch : 503: f1_weighted Score 0.814 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 75}
Epoch : 504: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 14, 'n_estimators': 75}
Epoch : 505: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 75}
Epoch : 506: f1_weighted Score 0.812 params {'max_depth': 22, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 125}
Epoch : 507: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1450}
Epoch : 508: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'auto', 'min_samples_leaf': 16, 'n_estimators': 1450}
Epoch : 509: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 225}
Epoch : 510: f1_weighted Score 0.806 params {'max_depth': 9, 'max_features': None, 'min_samples_leaf': 4, 'n_estimators': 575}
Epoch : 511: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'auto', 'min_samples_leaf': 12, 'n_estimators': 100}
Epoch : 512: f1_weighted Score 0.809 params {'max_depth': 7, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 850}
Epoch : 513: f1_weighted Score 0.811 params {'max_depth': 13, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 175}
Epoch : 514: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 650}
Epoch : 515: f1_weighted Score 0.810 params {'max_depth': 18, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 475}
Epoch : 516: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 200}
Epoch : 517: f1_weighted Score 0.810 params {'max_depth': 10, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 275}
Epoch : 518: f1_weighted Score 0.808 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 6, 'n_estimators': 525}
Epoch : 519: f1_weighted Score 0.809 params {'max_depth': 20, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 475}
Epoch : 520: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 250}
Epoch : 521: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 275}
Epoch : 522: f1_weighted Score 0.810 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 300}
Epoch : 523: f1_weighted Score 0.811 params {'max_depth': 8, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 50}
Epoch : 524: f1_weighted Score 0.812 params {'max_depth': 22, 'max_features': None, 'min_samples_leaf': 12, 'n_estimators': 1350}
Epoch : 525: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'auto', 'min_samples_leaf': 18, 'n_estimators': 1000}
Epoch : 526: f1_weighted Score 0.809 params {'max_depth': 18, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 975}
Epoch : 527: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 75}
Epoch : 528: f1_weighted Score 0.809 params {'max_depth': 11, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 50}
Epoch : 529: f1_weighted Score 0.804 params {'max_depth': 7, 'max_features': 'sqrt', 'min_samples_leaf': 2, 'n_estimators': 125}
Epoch : 530: f1_weighted Score 0.805 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 225}
Epoch : 531: f1_weighted Score 0.810 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 200}
Epoch : 532: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 175}
Epoch : 533: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 100}
Epoch : 534: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 50}
Epoch : 535: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 150}
Epoch : 536: f1_weighted Score 0.810 params {'max_depth': 23, 'max_features': None, 'min_samples_leaf': 6, 'n_estimators': 550}
Epoch : 537: f1_weighted Score 0.808 params {'max_depth': 14, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 325}
Epoch : 538: f1_weighted Score 0.810 params {'max_depth': 16, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 100}
Epoch : 539: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 1375}
Epoch : 540: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 1075}
Epoch : 541: f1_weighted Score 0.811 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 875}
Epoch : 542: f1_weighted Score 0.802 params {'max_depth': 6, 'max_features': 'log2', 'min_samples_leaf': 2, 'n_estimators': 600}
Epoch : 543: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 425}
Epoch : 544: f1_weighted Score 0.810 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 600}
Epoch : 545: f1_weighted Score 0.810 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 150}
Epoch : 546: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 800}
Epoch : 547: f1_weighted Score 0.802 params {'max_depth': 14, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 825}
Epoch : 548: f1_weighted Score 0.810 params {'max_depth': 7, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 1325}
Epoch : 549: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': None, 'min_samples_leaf': 14, 'n_estimators': 725}
Epoch : 550: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 925}
Epoch : 551: f1_weighted Score 0.810 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 450}
Epoch : 552: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 775}
Epoch : 553: f1_weighted Score 0.806 params {'max_depth': 18, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 375}
Epoch : 554: f1_weighted Score 0.811 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 675}
Epoch : 555: f1_weighted Score 0.809 params {'max_depth': 13, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 250}
Epoch : 556: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'auto', 'min_samples_leaf': 12, 'n_estimators': 250}
Epoch : 557: f1_weighted Score 0.801 params {'max_depth': 24, 'max_features': 'auto', 'min_samples_leaf': 2, 'n_estimators': 200}
Epoch : 558: f1_weighted Score 0.806 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 400}
Epoch : 559: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 1150}
Epoch : 560: f1_weighted Score 0.811 params {'max_depth': 11, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 300}
Epoch : 561: f1_weighted Score 0.803 params {'max_depth': 12, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 150}
Epoch : 562: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': None, 'min_samples_leaf': 18, 'n_estimators': 1100}
Epoch : 563: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 750}
Epoch : 564: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 725}
Epoch : 565: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 1425}
Epoch : 566: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 1225}
Epoch : 567: f1_weighted Score 0.809 params {'max_depth': 11, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 1175}
Epoch : 568: f1_weighted Score 0.799 params {'max_depth': 10, 'max_features': 'sqrt', 'min_samples_leaf': 2, 'n_estimators': 1400}
Epoch : 569: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 0.5, 'min_samples_leaf': 20, 'n_estimators': 1300}
Epoch : 570: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 1400}
Epoch : 571: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 1000}
Epoch : 572: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 700}
Epoch : 573: f1_weighted Score 0.808 params {'max_depth': 14, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 850}
Epoch : 574: f1_weighted Score 0.802 params {'max_depth': 18, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 800}
Epoch : 575: f1_weighted Score 0.809 params {'max_depth': 16, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 950}
Epoch : 576: f1_weighted Score 0.810 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 875}
Epoch : 577: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 14, 'n_estimators': 825}
Epoch : 578: f1_weighted Score 0.809 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 900}
Epoch : 579: f1_weighted Score 0.810 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 675}
Epoch : 580: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 1475}
Epoch : 581: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 1475}
Epoch : 582: f1_weighted Score 0.808 params {'max_depth': 13, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 1375}
Epoch : 583: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 1025}
Epoch : 584: f1_weighted Score 0.811 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 775}
Epoch : 585: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 1150}
Epoch : 586: f1_weighted Score 0.811 params {'max_depth': 13, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 1450}
Epoch : 587: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 950}
Epoch : 588: f1_weighted Score 0.809 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 325}
Epoch : 589: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 1050}
Epoch : 590: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 75}
Epoch : 591: f1_weighted Score 0.810 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 175}
Epoch : 592: f1_weighted Score 0.809 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 900}
Epoch : 593: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 50}
Epoch : 594: f1_weighted Score 0.811 params {'max_depth': 11, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 125}
Epoch : 595: f1_weighted Score 0.810 params {'max_depth': 14, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 925}
Epoch : 596: f1_weighted Score 0.811 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 875}
Epoch : 597: f1_weighted Score 0.578 params {'max_depth': 1, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 825}
Epoch : 598: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 625}
Epoch : 599: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 350}
Epoch : 600: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': None, 'min_samples_leaf': 12, 'n_estimators': 650}
Epoch : 601: f1_weighted Score 0.811 params {'max_depth': 11, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 75}
Epoch : 602: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 225}
Epoch : 603: f1_weighted Score 0.808 params {'max_depth': 18, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 1000}
Epoch : 604: f1_weighted Score 0.811 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 850}
Epoch : 605: f1_weighted Score 0.809 params {'max_depth': 17, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 1075}
Epoch : 606: f1_weighted Score 0.810 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1400}
Epoch : 607: f1_weighted Score 0.810 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 1475}
Epoch : 608: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 975}
Epoch : 609: f1_weighted Score 0.808 params {'max_depth': 8, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 1100}
Epoch : 610: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 100}
Epoch : 611: f1_weighted Score 0.805 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 200}
Epoch : 612: f1_weighted Score 0.810 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 125}
Epoch : 613: f1_weighted Score 0.808 params {'max_depth': 16, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 1100}
Epoch : 614: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 1025}
Epoch : 615: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 12, 'n_estimators': 1150}
Epoch : 616: f1_weighted Score 0.808 params {'max_depth': 17, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 725}
Epoch : 617: f1_weighted Score 0.810 params {'max_depth': 16, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 75}
Epoch : 618: f1_weighted Score 0.802 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 925}
Epoch : 619: f1_weighted Score 0.811 params {'max_depth': 11, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 750}
Epoch : 620: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 750}
Epoch : 621: f1_weighted Score 0.806 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 775}
Epoch : 622: f1_weighted Score 0.810 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 8, 'n_estimators': 625}
Epoch : 623: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 1200}
Epoch : 624: f1_weighted Score 0.812 params {'max_depth': 21, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 1250}
Epoch : 625: f1_weighted Score 0.808 params {'max_depth': 20, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1175}
Epoch : 626: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 700}
Epoch : 627: f1_weighted Score 0.805 params {'max_depth': 25, 'max_features': None, 'min_samples_leaf': 6, 'n_estimators': 1075}
Epoch : 628: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 100}
Epoch : 629: f1_weighted Score 0.810 params {'max_depth': 13, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 175}
Epoch : 630: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 150}
Epoch : 631: f1_weighted Score 0.806 params {'max_depth': 16, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 125}
Epoch : 632: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1475}
Epoch : 633: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 525}
Epoch : 634: f1_weighted Score 0.806 params {'max_depth': 21, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1200}
Epoch : 635: f1_weighted Score 0.812 params {'max_depth': 22, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 1125}
Epoch : 636: f1_weighted Score 0.811 params {'max_depth': 24, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 1150}
Epoch : 637: f1_weighted Score 0.812 params {'max_depth': 21, 'max_features': 'auto', 'min_samples_leaf': 12, 'n_estimators': 475}
Epoch : 638: f1_weighted Score 0.810 params {'max_depth': 13, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 400}
Epoch : 639: f1_weighted Score 0.810 params {'max_depth': 10, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 550}
Epoch : 640: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 275}
Epoch : 641: f1_weighted Score 0.811 params {'max_depth': 12, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 1375}
Epoch : 642: f1_weighted Score 0.810 params {'max_depth': 12, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1475}
Epoch : 643: f1_weighted Score 0.803 params {'max_depth': 11, 'max_features': 0.5, 'min_samples_leaf': 2, 'n_estimators': 1425}
Epoch : 644: f1_weighted Score 0.802 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 1300}
Epoch : 645: f1_weighted Score 0.810 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 1500}
Epoch : 646: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 1350}
Epoch : 647: f1_weighted Score 0.808 params {'max_depth': 18, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 1250}
Epoch : 648: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 1425}
Epoch : 649: f1_weighted Score 0.809 params {'max_depth': 20, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 1000}
Epoch : 650: f1_weighted Score 0.810 params {'max_depth': 19, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 1050}
Epoch : 651: f1_weighted Score 0.811 params {'max_depth': 20, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 650}
Epoch : 652: f1_weighted Score 0.808 params {'max_depth': 14, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 625}
Epoch : 653: f1_weighted Score 0.811 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 1500}
Epoch : 654: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 725}
Epoch : 655: f1_weighted Score 0.810 params {'max_depth': 19, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 1125}
Epoch : 656: f1_weighted Score 0.811 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 50}
Epoch : 657: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 14, 'n_estimators': 800}
Epoch : 658: f1_weighted Score 0.810 params {'max_depth': 13, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 200}
Epoch : 659: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 575}
Epoch : 660: f1_weighted Score 0.811 params {'max_depth': 9, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 1450}
Epoch : 661: f1_weighted Score 0.808 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1500}
Epoch : 662: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 1350}
Epoch : 663: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 125}
Epoch : 664: f1_weighted Score 0.800 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 2, 'n_estimators': 1500}
Epoch : 665: f1_weighted Score 0.810 params {'max_depth': 18, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 850}
Epoch : 666: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 900}
Epoch : 667: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 50}
Epoch : 668: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 8, 'n_estimators': 300}
Epoch : 669: f1_weighted Score 0.808 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 700}
Epoch : 670: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 1300}
Epoch : 671: f1_weighted Score 0.806 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 100}
Epoch : 672: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 225}
Epoch : 673: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 1425}
Epoch : 674: f1_weighted Score 0.810 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 800}
Epoch : 675: f1_weighted Score 0.806 params {'max_depth': 16, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 675}
Epoch : 676: f1_weighted Score 0.808 params {'max_depth': 16, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 600}
Epoch : 677: f1_weighted Score 0.797 params {'max_depth': 11, 'max_features': None, 'min_samples_leaf': 2, 'n_estimators': 275}
Epoch : 678: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 525}
Epoch : 679: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 525}
Epoch : 680: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 775}
Epoch : 681: f1_weighted Score 0.810 params {'max_depth': 12, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 1475}
Epoch : 682: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 225}
Epoch : 683: f1_weighted Score 0.809 params {'max_depth': 16, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 725}
Epoch : 684: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 16, 'n_estimators': 825}
Epoch : 685: f1_weighted Score 0.808 params {'max_depth': 14, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 925}
Epoch : 686: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 1375}
Epoch : 687: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 950}
Epoch : 688: f1_weighted Score 0.809 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 175}
Epoch : 689: f1_weighted Score 0.810 params {'max_depth': 12, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 50}
Epoch : 690: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 875}
Epoch : 691: f1_weighted Score 0.810 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 950}
Epoch : 692: f1_weighted Score 0.803 params {'max_depth': 13, 'max_features': 'auto', 'min_samples_leaf': 2, 'n_estimators': 350}
Epoch : 693: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 14, 'n_estimators': 950}
Epoch : 694: f1_weighted Score 0.809 params {'max_depth': 12, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 975}
Epoch : 695: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 100}
Epoch : 696: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 250}
Epoch : 697: f1_weighted Score 0.806 params {'max_depth': 11, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1500}
Epoch : 698: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 875}
Epoch : 699: f1_weighted Score 0.810 params {'max_depth': 3, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 325}
Epoch : 700: f1_weighted Score 0.809 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 75}
Epoch : 701: f1_weighted Score 0.807 params {'max_depth': 17, 'max_features': None, 'min_samples_leaf': 6, 'n_estimators': 825}
Epoch : 702: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 850}
Epoch : 703: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 375}
Epoch : 704: f1_weighted Score 0.806 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 425}
Epoch : 705: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 775}
Epoch : 706: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 1400}
Epoch : 707: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 1350}
Epoch : 708: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 450}
Epoch : 709: f1_weighted Score 0.809 params {'max_depth': 7, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 1275}
Epoch : 710: f1_weighted Score 0.810 params {'max_depth': 25, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 150}
Epoch : 711: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'log2', 'min_samples_leaf': 14, 'n_estimators': 575}
Epoch : 712: f1_weighted Score 0.810 params {'max_depth': 13, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 1425}
Epoch : 713: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 1350}
Epoch : 714: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 125}
Epoch : 715: f1_weighted Score 0.799 params {'max_depth': 23, 'max_features': 'log2', 'min_samples_leaf': 2, 'n_estimators': 400}
Epoch : 716: f1_weighted Score 0.810 params {'max_depth': 19, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 1050}
Epoch : 717: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 775}
Epoch : 718: f1_weighted Score 0.806 params {'max_depth': 13, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 200}
Epoch : 719: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1375}
Epoch : 720: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 500}
Epoch : 721: f1_weighted Score 0.809 params {'max_depth': 14, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 1450}
Epoch : 722: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 100}
Epoch : 723: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 275}
Epoch : 724: f1_weighted Score 0.806 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 1250}
Epoch : 725: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 175}
Epoch : 726: f1_weighted Score 0.805 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 1300}
Epoch : 727: f1_weighted Score 0.810 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 75}
Epoch : 728: f1_weighted Score 0.810 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 1325}
Epoch : 729: f1_weighted Score 0.796 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 2, 'n_estimators': 475}
Epoch : 730: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 650}
Epoch : 731: f1_weighted Score 0.808 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 1325}
Epoch : 732: f1_weighted Score 0.809 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 450}
Epoch : 733: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 425}
Epoch : 734: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 375}
Epoch : 735: f1_weighted Score 0.808 params {'max_depth': 16, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 625}
Epoch : 736: f1_weighted Score 0.806 params {'max_depth': 20, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 325}
Epoch : 737: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 250}
Epoch : 738: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 1225}
Epoch : 739: f1_weighted Score 0.810 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 1275}
Epoch : 740: f1_weighted Score 0.807 params {'max_depth': 11, 'max_features': None, 'min_samples_leaf': 6, 'n_estimators': 1200}
Epoch : 741: f1_weighted Score 0.810 params {'max_depth': 18, 'max_features': 'log2', 'min_samples_leaf': 28, 'n_estimators': 150}
Epoch : 742: f1_weighted Score 0.809 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 50}
Epoch : 743: f1_weighted Score 0.812 params {'max_depth': 22, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 800}
Epoch : 744: f1_weighted Score 0.810 params {'max_depth': 12, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 1275}
Epoch : 745: f1_weighted Score 0.808 params {'max_depth': 13, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 1475}
Epoch : 746: f1_weighted Score 0.811 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 225}
Epoch : 747: f1_weighted Score 0.804 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 900}
Epoch : 748: f1_weighted Score 0.809 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 150}
Epoch : 749: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 50}
Epoch : 750: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 16, 'n_estimators': 200}
Epoch : 751: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 550}
Epoch : 752: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 575}
Epoch : 753: f1_weighted Score 0.810 params {'max_depth': 13, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 700}
Epoch : 754: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'log2', 'min_samples_leaf': 14, 'n_estimators': 1025}
Epoch : 755: f1_weighted Score 0.809 params {'max_depth': 10, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 1250}
Epoch : 756: f1_weighted Score 0.801 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 2, 'n_estimators': 775}
Epoch : 757: f1_weighted Score 0.810 params {'max_depth': 11, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1400}
Epoch : 758: f1_weighted Score 0.810 params {'max_depth': 8, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 725}
Epoch : 759: f1_weighted Score 0.810 params {'max_depth': 17, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 650}
Epoch : 760: f1_weighted Score 0.804 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 4, 'n_estimators': 1175}
Epoch : 761: f1_weighted Score 0.810 params {'max_depth': 16, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 100}
Epoch : 762: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 75}
Epoch : 763: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'log2', 'min_samples_leaf': 18, 'n_estimators': 100}
Epoch : 764: f1_weighted Score 0.811 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 750}
Epoch : 765: f1_weighted Score 0.810 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 600}
Epoch : 766: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 225}
Epoch : 767: f1_weighted Score 0.801 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 2, 'n_estimators': 675}
Epoch : 768: f1_weighted Score 0.809 params {'max_depth': 14, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 625}
Epoch : 769: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 300}
Epoch : 770: f1_weighted Score 0.804 params {'max_depth': 18, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 700}
Epoch : 771: f1_weighted Score 0.810 params {'max_depth': 4, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1375}
Epoch : 772: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 1225}
Epoch : 773: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 750}
Epoch : 774: f1_weighted Score 0.809 params {'max_depth': 20, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 600}
Epoch : 775: f1_weighted Score 0.812 params {'max_depth': 21, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 175}
Epoch : 776: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'auto', 'min_samples_leaf': 12, 'n_estimators': 150}
Epoch : 777: f1_weighted Score 0.811 params {'max_depth': 13, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 125}
Epoch : 778: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 275}
Epoch : 779: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 1000}
Epoch : 780: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'log2', 'min_samples_leaf': 16, 'n_estimators': 75}
Epoch : 781: f1_weighted Score 0.810 params {'max_depth': 14, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 475}
Epoch : 782: f1_weighted Score 0.809 params {'max_depth': 3, 'max_features': 'sqrt', 'min_samples_leaf': 2, 'n_estimators': 75}
Epoch : 783: f1_weighted Score 0.808 params {'max_depth': 6, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 200}
Epoch : 784: f1_weighted Score 0.587 params {'max_depth': 1, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 125}
Epoch : 785: f1_weighted Score 0.810 params {'max_depth': 2, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 125}
Epoch : 786: f1_weighted Score 0.810 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 150}
Epoch : 787: f1_weighted Score 0.810 params {'max_depth': 11, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 75}
Epoch : 788: f1_weighted Score 0.810 params {'max_depth': 4, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 850}
Epoch : 789: f1_weighted Score 0.809 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 50}
Epoch : 790: f1_weighted Score 0.811 params {'max_depth': 6, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 400}
Epoch : 791: f1_weighted Score 0.811 params {'max_depth': 4, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 175}
Epoch : 792: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 1425}
Epoch : 793: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 1325}
Epoch : 794: f1_weighted Score 0.811 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 1375}
Epoch : 795: f1_weighted Score 0.810 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 50}
Epoch : 796: f1_weighted Score 0.810 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 100}
Epoch : 797: f1_weighted Score 0.810 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 275}
Epoch : 798: f1_weighted Score 0.809 params {'max_depth': 15, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 200}
Epoch : 799: f1_weighted Score 0.810 params {'max_depth': 9, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 825}
Epoch : 800: f1_weighted Score 0.809 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 325}
Epoch : 801: f1_weighted Score 0.810 params {'max_depth': 17, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 225}
Epoch : 802: f1_weighted Score 0.810 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 175}
Epoch : 803: f1_weighted Score 0.810 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 1450}
Epoch : 804: f1_weighted Score 0.809 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 650}
Epoch : 805: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 675}
Epoch : 806: f1_weighted Score 0.809 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 250}
Epoch : 807: f1_weighted Score 0.809 params {'max_depth': 19, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 100}
Epoch : 808: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 700}
Epoch : 809: f1_weighted Score 0.810 params {'max_depth': 17, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 75}
Epoch : 810: f1_weighted Score 0.811 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 725}
Epoch : 811: f1_weighted Score 0.810 params {'max_depth': 15, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 825}
Epoch : 812: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 550}
Epoch : 813: f1_weighted Score 0.809 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 575}
Epoch : 814: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 1500}
Epoch : 815: f1_weighted Score 0.810 params {'max_depth': 4, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 50}
Epoch : 816: f1_weighted Score 0.626 params {'max_depth': 1, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 125}
Epoch : 817: f1_weighted Score 0.582 params {'max_depth': 1, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 1475}
Epoch : 818: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 300}
Epoch : 819: f1_weighted Score 0.809 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 125}
Epoch : 820: f1_weighted Score 0.811 params {'max_depth': 14, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 800}
Epoch : 821: f1_weighted Score 0.810 params {'max_depth': 13, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 1075}
Epoch : 822: f1_weighted Score 0.809 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 250}
Epoch : 823: f1_weighted Score 0.793 params {'max_depth': 2, 'max_features': 'auto', 'min_samples_leaf': 12, 'n_estimators': 175}
Epoch : 824: f1_weighted Score 0.814 params {'max_depth': 16, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 125}
Epoch : 825: f1_weighted Score 0.810 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 30, 'n_estimators': 350}
Epoch : 826: f1_weighted Score 0.810 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 50}
Epoch : 827: f1_weighted Score 0.806 params {'max_depth': 9, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 225}
Epoch : 828: f1_weighted Score 0.810 params {'max_depth': 25, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 525}
Epoch : 829: f1_weighted Score 0.809 params {'max_depth': 23, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 300}
Epoch : 830: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 900}
Epoch : 831: f1_weighted Score 0.809 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 175}
Epoch : 832: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 1400}
Epoch : 833: f1_weighted Score 0.810 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 500}
Epoch : 834: f1_weighted Score 0.811 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 500}
Epoch : 835: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 875}
Epoch : 836: f1_weighted Score 0.805 params {'max_depth': 11, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 150}
Epoch : 837: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 100}
Epoch : 838: f1_weighted Score 0.809 params {'max_depth': 12, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 75}
Epoch : 839: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 200}
Epoch : 840: f1_weighted Score 0.811 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 150}
Epoch : 841: f1_weighted Score 0.812 params {'max_depth': 24, 'max_features': 'auto', 'min_samples_leaf': 24, 'n_estimators': 250}
Epoch : 842: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'auto', 'min_samples_leaf': 12, 'n_estimators': 150}
Epoch : 843: f1_weighted Score 0.811 params {'max_depth': 12, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 200}
Epoch : 844: f1_weighted Score 0.811 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 750}
Epoch : 845: f1_weighted Score 0.808 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 200}
Epoch : 846: f1_weighted Score 0.809 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 50}
Epoch : 847: f1_weighted Score 0.810 params {'max_depth': 13, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 100}
Epoch : 848: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 725}
Epoch : 849: f1_weighted Score 0.811 params {'max_depth': 16, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 1025}
Epoch : 850: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 1000}
Epoch : 851: f1_weighted Score 0.810 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 1350}
Epoch : 852: f1_weighted Score 0.806 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 1350}
Epoch : 853: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 975}
Epoch : 854: f1_weighted Score 0.809 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 250}
Epoch : 855: f1_weighted Score 0.810 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 375}
Epoch : 856: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 1325}
Epoch : 857: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 325}
Epoch : 858: f1_weighted Score 0.811 params {'max_depth': 18, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 250}
Epoch : 859: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 125}
Epoch : 860: f1_weighted Score 0.809 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 200}
Epoch : 861: f1_weighted Score 0.810 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 125}
Epoch : 862: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'auto', 'min_samples_leaf': 12, 'n_estimators': 350}
Epoch : 863: f1_weighted Score 0.805 params {'max_depth': 17, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 400}
Epoch : 864: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 275}
Epoch : 865: f1_weighted Score 0.810 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 50}
Epoch : 866: f1_weighted Score 0.811 params {'max_depth': 8, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 300}
Epoch : 867: f1_weighted Score 0.810 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 425}
Epoch : 868: f1_weighted Score 0.811 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 1450}
Epoch : 869: f1_weighted Score 0.810 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 925}
Epoch : 870: f1_weighted Score 0.804 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 950}
Epoch : 871: f1_weighted Score 0.808 params {'max_depth': 11, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 925}
Epoch : 872: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 0.5, 'min_samples_leaf': 22, 'n_estimators': 600}
Epoch : 873: f1_weighted Score 0.809 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 8, 'n_estimators': 225}
Epoch : 874: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 175}
Epoch : 875: f1_weighted Score 0.809 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 1475}
Epoch : 876: f1_weighted Score 0.810 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 775}
Epoch : 877: f1_weighted Score 0.809 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 275}
Epoch : 878: f1_weighted Score 0.809 params {'max_depth': 13, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 1500}
Epoch : 879: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 375}
Epoch : 880: f1_weighted Score 0.804 params {'max_depth': 11, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 325}
Epoch : 881: f1_weighted Score 0.810 params {'max_depth': 7, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 1425}
Epoch : 882: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 875}
Epoch : 883: f1_weighted Score 0.809 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 850}
Epoch : 884: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 12, 'n_estimators': 450}
Epoch : 885: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 800}
Epoch : 886: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 125}
Epoch : 887: f1_weighted Score 0.809 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 150}
Epoch : 888: f1_weighted Score 0.811 params {'max_depth': 8, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 1425}
Epoch : 889: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 20, 'n_estimators': 700}
Epoch : 890: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 1175}
Epoch : 891: f1_weighted Score 0.807 params {'max_depth': 4, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 1225}
Epoch : 892: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 1175}
Epoch : 893: f1_weighted Score 0.809 params {'max_depth': 2, 'max_features': 'sqrt', 'min_samples_leaf': 2, 'n_estimators': 100}
Epoch : 894: f1_weighted Score 0.809 params {'max_depth': 22, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 300}
Epoch : 895: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 1100}
Epoch : 896: f1_weighted Score 0.652 params {'max_depth': 1, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 50}
Epoch : 897: f1_weighted Score 0.808 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 175}
Epoch : 898: f1_weighted Score 0.814 params {'max_depth': 24, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 75}
Epoch : 899: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 75}
Epoch : 900: f1_weighted Score 0.812 params {'max_depth': 25, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 75}
Epoch : 901: f1_weighted Score 0.812 params {'max_depth': 23, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 125}
Epoch : 902: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 100}
Epoch : 903: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 100}
Epoch : 904: f1_weighted Score 0.812 params {'max_depth': 25, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 225}
Epoch : 905: f1_weighted Score 0.812 params {'max_depth': 21, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 200}
Epoch : 906: f1_weighted Score 0.812 params {'max_depth': 25, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 150}
Epoch : 907: f1_weighted Score 0.810 params {'max_depth': 24, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 100}
Epoch : 908: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': None, 'min_samples_leaf': 16, 'n_estimators': 175}
Epoch : 909: f1_weighted Score 0.812 params {'max_depth': 23, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 1200}
Epoch : 910: f1_weighted Score 0.812 params {'max_depth': 22, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 75}
Epoch : 911: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 75}
Epoch : 912: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 50}
Epoch : 913: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 150}
Epoch : 914: f1_weighted Score 0.812 params {'max_depth': 21, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 250}
Epoch : 915: f1_weighted Score 0.810 params {'max_depth': 24, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 50}
Epoch : 916: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 975}
Epoch : 917: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 12, 'n_estimators': 125}
Epoch : 918: f1_weighted Score 0.810 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 50}
Epoch : 919: f1_weighted Score 0.809 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 225}
Epoch : 920: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 1075}
Epoch : 921: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 100}
Epoch : 922: f1_weighted Score 0.809 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 50}
Epoch : 923: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 28, 'n_estimators': 275}
Epoch : 924: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 200}
Epoch : 925: f1_weighted Score 0.810 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 175}
Epoch : 926: f1_weighted Score 0.812 params {'max_depth': 21, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 300}
Epoch : 927: f1_weighted Score 0.810 params {'max_depth': 24, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 1475}
Epoch : 928: f1_weighted Score 0.812 params {'max_depth': 24, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 150}
Epoch : 929: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 1300}
Epoch : 930: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 375}
Epoch : 931: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 125}
Epoch : 932: f1_weighted Score 0.812 params {'max_depth': 23, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 250}
Epoch : 933: f1_weighted Score 0.811 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 1350}
Epoch : 934: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 650}
Epoch : 935: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 1250}
Epoch : 936: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 1250}
Epoch : 937: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 225}
Epoch : 938: f1_weighted Score 0.808 params {'max_depth': 12, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 125}
Epoch : 939: f1_weighted Score 0.810 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 225}
Epoch : 940: f1_weighted Score 0.807 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 6, 'n_estimators': 1450}
Epoch : 941: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 75}
Epoch : 942: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'log2', 'min_samples_leaf': 16, 'n_estimators': 325}
Epoch : 943: f1_weighted Score 0.812 params {'max_depth': 22, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 425}
Epoch : 944: f1_weighted Score 0.809 params {'max_depth': 11, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 625}
Epoch : 945: f1_weighted Score 0.810 params {'max_depth': 14, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 275}
Epoch : 946: f1_weighted Score 0.810 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 1375}
Epoch : 947: f1_weighted Score 0.808 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 1325}
Epoch : 948: f1_weighted Score 0.811 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 275}
Epoch : 949: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': None, 'min_samples_leaf': 14, 'n_estimators': 175}
Epoch : 950: f1_weighted Score 0.810 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 75}
Epoch : 951: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 500}
Epoch : 952: f1_weighted Score 0.812 params {'max_depth': 23, 'max_features': 'auto', 'min_samples_leaf': 18, 'n_estimators': 175}
Epoch : 953: f1_weighted Score 0.810 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 75}
Epoch : 954: f1_weighted Score 0.810 params {'max_depth': 24, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 1275}
Epoch : 955: f1_weighted Score 0.810 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 125}
Epoch : 956: f1_weighted Score 0.809 params {'max_depth': 8, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 200}
Epoch : 957: f1_weighted Score 0.809 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 125}
Epoch : 958: f1_weighted Score 0.810 params {'max_depth': 15, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 550}
Epoch : 959: f1_weighted Score 0.809 params {'max_depth': 8, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 450}
Epoch : 960: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 900}
Epoch : 961: f1_weighted Score 0.810 params {'max_depth': 6, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 900}
Epoch : 962: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 'sqrt', 'min_samples_leaf': 16, 'n_estimators': 225}
Epoch : 963: f1_weighted Score 0.806 params {'max_depth': 7, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 925}
Epoch : 964: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 14, 'n_estimators': 975}
Epoch : 965: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 1400}
Epoch : 966: f1_weighted Score 0.811 params {'max_depth': 15, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 375}
Epoch : 967: f1_weighted Score 0.798 params {'max_depth': 23, 'max_features': 'log2', 'min_samples_leaf': 2, 'n_estimators': 575}
Epoch : 968: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 50}
Epoch : 969: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 150}
Epoch : 970: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 8, 'n_estimators': 1475}
Epoch : 971: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 525}
Epoch : 972: f1_weighted Score 0.809 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 175}
Epoch : 973: f1_weighted Score 0.805 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 400}
Epoch : 974: f1_weighted Score 0.811 params {'max_depth': 22, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 350}
Epoch : 975: f1_weighted Score 0.810 params {'max_depth': 22, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 300}
Epoch : 976: f1_weighted Score 0.811 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 825}
Epoch : 977: f1_weighted Score 0.810 params {'max_depth': 14, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 350}
Epoch : 978: f1_weighted Score 0.812 params {'max_depth': 25, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 325}
Epoch : 979: f1_weighted Score 0.799 params {'max_depth': 24, 'max_features': 'sqrt', 'min_samples_leaf': 2, 'n_estimators': 250}
Epoch : 980: f1_weighted Score 0.810 params {'max_depth': 21, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 150}
Epoch : 981: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 100}
Epoch : 982: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 100}
Epoch : 983: f1_weighted Score 0.809 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 1400}
Epoch : 984: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 50}
Epoch : 985: f1_weighted Score 0.810 params {'max_depth': 2, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 200}
Epoch : 986: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 750}
Epoch : 987: f1_weighted Score 0.810 params {'max_depth': 16, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 1325}
Epoch : 988: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 750}
Epoch : 989: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 50}
Epoch : 990: f1_weighted Score 0.809 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 75}
Epoch : 991: f1_weighted Score 0.812 params {'max_depth': 21, 'max_features': 0.5, 'min_samples_leaf': 10, 'n_estimators': 275}
Epoch : 992: f1_weighted Score 0.810 params {'max_depth': 21, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 1150}
Epoch : 993: f1_weighted Score 0.810 params {'max_depth': 10, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 1225}
Epoch : 994: f1_weighted Score 0.810 params {'max_depth': 13, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 1450}
Epoch : 995: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 50}
Epoch : 996: f1_weighted Score 0.806 params {'max_depth': 13, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1425}
Epoch : 997: f1_weighted Score 0.810 params {'max_depth': 12, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 1475}
Epoch : 998: f1_weighted Score 0.801 params {'max_depth': 14, 'max_features': 'auto', 'min_samples_leaf': 2, 'n_estimators': 1125}
Epoch : 999: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 1050}
Epoch : 1000: f1_weighted Score 0.809 params {'max_depth': 22, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 1025}
the best option is: {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 75}
Cooresponding loss:
0.812312824990272
In [247]:
ET_space = {
        'n_estimators' : scope.int(hp.quniform('n_estimators', 50, 1500, 25)),
        'max_depth' : scope.int(hp.quniform('max_depth', 1,20,1)),
        'max_features': hp.choice('max_features', ['auto','sqrt','log2', 0.5, None]),
        'min_samples_leaf': scope.int(hp.quniform('min_samples_leaf', 4,30,2)),
}
ET = Bayesian_Optimizer(clf=ensemble.ExtraTreesClassifier, param_space=ET_space, max_eval=1000)
ET.HP_optimization()
Epoch : 1: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 1475}
Epoch : 2: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 24, 'n_estimators': 75}
Epoch : 3: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 14, 'n_estimators': 375}
Epoch : 4: f1_weighted Score 0.810 params {'max_depth': 10, 'max_features': None, 'min_samples_leaf': 8, 'n_estimators': 150}
Epoch : 5: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 12, 'n_estimators': 1350}
Epoch : 6: f1_weighted Score 0.809 params {'max_depth': 20, 'max_features': None, 'min_samples_leaf': 8, 'n_estimators': 200}
Epoch : 7: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 28, 'n_estimators': 375}
Epoch : 8: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 0.5, 'min_samples_leaf': 8, 'n_estimators': 575}
Epoch : 9: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': None, 'min_samples_leaf': 18, 'n_estimators': 525}
Epoch : 10: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 475}
Epoch : 11: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 50}
Epoch : 12: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': None, 'min_samples_leaf': 14, 'n_estimators': 500}
Epoch : 13: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 825}
Epoch : 14: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'auto', 'min_samples_leaf': 24, 'n_estimators': 525}
Epoch : 15: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 16, 'n_estimators': 1000}
Epoch : 16: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'sqrt', 'min_samples_leaf': 30, 'n_estimators': 750}
Epoch : 17: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 'log2', 'min_samples_leaf': 14, 'n_estimators': 900}
Epoch : 18: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 0.5, 'min_samples_leaf': 18, 'n_estimators': 1375}
Epoch : 19: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 600}
Epoch : 20: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 12, 'n_estimators': 325}
Epoch : 21: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 1475}
Epoch : 22: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 1200}
Epoch : 23: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 675}
Epoch : 24: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 1475}
Epoch : 25: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 1150}
Epoch : 26: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 725}
Epoch : 27: f1_weighted Score 0.564 params {'max_depth': 1, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 1500}
Epoch : 28: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 1150}
Epoch : 29: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 975}
Epoch : 30: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 750}
Epoch : 31: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 30, 'n_estimators': 1175}
Epoch : 32: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 975}
Epoch : 33: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 850}
Epoch : 34: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 26, 'n_estimators': 1275}
Epoch : 35: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 1050}
Epoch : 36: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 16, 'n_estimators': 175}
Epoch : 37: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 12, 'n_estimators': 300}
Epoch : 38: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 1425}
Epoch : 39: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 1275}
Epoch : 40: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 1250}
Epoch : 41: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 1375}
Epoch : 42: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'sqrt', 'min_samples_leaf': 10, 'n_estimators': 650}
Epoch : 43: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 6, 'n_estimators': 425}
Epoch : 44: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 'auto', 'min_samples_leaf': 22, 'n_estimators': 1450}
Epoch : 45: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'sqrt', 'min_samples_leaf': 16, 'n_estimators': 1075}
Epoch : 46: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 1100}
Epoch : 47: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 1325}
Epoch : 48: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'log2', 'min_samples_leaf': 14, 'n_estimators': 125}
Epoch : 49: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 925}
Epoch : 50: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': None, 'min_samples_leaf': 30, 'n_estimators': 1125}
Epoch : 51: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 825}
Epoch : 52: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 950}
Epoch : 53: f1_weighted Score 0.810 params {'max_depth': 10, 'max_features': None, 'min_samples_leaf': 8, 'n_estimators': 250}
Epoch : 54: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'auto', 'min_samples_leaf': 18, 'n_estimators': 575}
Epoch : 55: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 450}
Epoch : 56: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 775}
Epoch : 57: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'sqrt', 'min_samples_leaf': 16, 'n_estimators': 1025}
Epoch : 58: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 30, 'n_estimators': 1200}
Epoch : 59: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 26, 'n_estimators': 1400}
Epoch : 60: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 1325}
Epoch : 61: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 875}
Epoch : 62: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 20, 'n_estimators': 850}
Epoch : 63: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'log2', 'min_samples_leaf': 14, 'n_estimators': 350}
Epoch : 64: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 1250}
Epoch : 65: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 24, 'n_estimators': 1275}
Epoch : 66: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 18, 'n_estimators': 75}
Epoch : 67: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'log2', 'min_samples_leaf': 16, 'n_estimators': 1025}
Epoch : 68: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 12, 'n_estimators': 250}
Epoch : 69: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 12, 'n_estimators': 175}
Epoch : 70: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 1450}
Epoch : 71: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 650}
Epoch : 72: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 1400}
Epoch : 73: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 800}
Epoch : 74: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 550}
Epoch : 75: f1_weighted Score 0.567 params {'max_depth': 1, 'max_features': 'auto', 'min_samples_leaf': 22, 'n_estimators': 925}
Epoch : 76: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 600}
Epoch : 77: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 375}
Epoch : 78: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 500}
Epoch : 79: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 700}
Epoch : 80: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'log2', 'min_samples_leaf': 26, 'n_estimators': 100}
Epoch : 81: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 750}
Epoch : 82: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 16, 'n_estimators': 1200}
Epoch : 83: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 30, 'n_estimators': 1350}
Epoch : 84: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 1475}
Epoch : 85: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 26, 'n_estimators': 1500}
Epoch : 86: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 1325}
Epoch : 87: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 1000}
Epoch : 88: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 875}
Epoch : 89: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 14, 'n_estimators': 400}
Epoch : 90: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'log2', 'min_samples_leaf': 28, 'n_estimators': 275}
Epoch : 91: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'auto', 'min_samples_leaf': 24, 'n_estimators': 1250}
Epoch : 92: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 1275}
Epoch : 93: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 18, 'n_estimators': 1175}
Epoch : 94: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'log2', 'min_samples_leaf': 16, 'n_estimators': 1075}
Epoch : 95: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 225}
Epoch : 96: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 14, 'n_estimators': 475}
Epoch : 97: f1_weighted Score 0.791 params {'max_depth': 17, 'max_features': None, 'min_samples_leaf': 4, 'n_estimators': 175}
Epoch : 98: f1_weighted Score 0.809 params {'max_depth': 8, 'max_features': None, 'min_samples_leaf': 8, 'n_estimators': 1450}
Epoch : 99: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 650}
Epoch : 100: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 625}
Epoch : 101: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 525}
Epoch : 102: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 16, 'n_estimators': 700}
Epoch : 103: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 1400}
Epoch : 104: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 1100}
Epoch : 105: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 550}
Epoch : 106: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 325}
Epoch : 107: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 0.5, 'min_samples_leaf': 22, 'n_estimators': 425}
Epoch : 108: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 350}
Epoch : 109: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 500}
Epoch : 110: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 450}
Epoch : 111: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 700}
Epoch : 112: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'log2', 'min_samples_leaf': 26, 'n_estimators': 100}
Epoch : 113: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'log2', 'min_samples_leaf': 30, 'n_estimators': 125}
Epoch : 114: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 775}
Epoch : 115: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'auto', 'min_samples_leaf': 14, 'n_estimators': 750}
Epoch : 116: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 14, 'n_estimators': 1350}
Epoch : 117: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 30, 'n_estimators': 1200}
Epoch : 118: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'auto', 'min_samples_leaf': 30, 'n_estimators': 1500}
Epoch : 119: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 28, 'n_estimators': 1475}
Epoch : 120: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 26, 'n_estimators': 1300}
Epoch : 121: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 1425}
Epoch : 122: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 1150}
Epoch : 123: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 975}
Epoch : 124: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 16, 'n_estimators': 900}
Epoch : 125: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 14, 'n_estimators': 375}
Epoch : 126: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'log2', 'min_samples_leaf': 28, 'n_estimators': 275}
Epoch : 127: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'auto', 'min_samples_leaf': 24, 'n_estimators': 50}
Epoch : 128: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 26, 'n_estimators': 1250}
Epoch : 129: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 1225}
Epoch : 130: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 18, 'n_estimators': 1150}
Epoch : 131: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 16, 'n_estimators': 1050}
Epoch : 132: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 1050}
Epoch : 133: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 1100}
Epoch : 134: f1_weighted Score 0.809 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 6, 'n_estimators': 225}
Epoch : 135: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 650}
Epoch : 136: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 825}
Epoch : 137: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 625}
Epoch : 138: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': None, 'min_samples_leaf': 24, 'n_estimators': 600}
Epoch : 139: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 12, 'n_estimators': 550}
Epoch : 140: f1_weighted Score 0.809 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 8, 'n_estimators': 700}
Epoch : 141: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 1400}
Epoch : 142: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 1300}
Epoch : 143: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'sqrt', 'min_samples_leaf': 16, 'n_estimators': 950}
Epoch : 144: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 0.5, 'min_samples_leaf': 18, 'n_estimators': 1375}
Epoch : 145: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 800}
Epoch : 146: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 425}
Epoch : 147: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 300}
Epoch : 148: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 400}
Epoch : 149: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 1175}
Epoch : 150: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 1000}
Epoch : 151: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 500}
Epoch : 152: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 12, 'n_estimators': 475}
Epoch : 153: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 625}
Epoch : 154: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 575}
Epoch : 155: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 525}
Epoch : 156: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 675}
Epoch : 157: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 16, 'n_estimators': 850}
Epoch : 158: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 16, 'n_estimators': 800}
Epoch : 159: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 750}
Epoch : 160: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 1100}
Epoch : 161: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 1425}
Epoch : 162: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 1225}
Epoch : 163: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 325}
Epoch : 164: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 150}
Epoch : 165: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 0.5, 'min_samples_leaf': 22, 'n_estimators': 425}
Epoch : 166: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 325}
Epoch : 167: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 4, 'n_estimators': 350}
Epoch : 168: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 225}
Epoch : 169: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 450}
Epoch : 170: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 500}
Epoch : 171: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 725}
Epoch : 172: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 575}
Epoch : 173: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 100}
Epoch : 174: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 8, 'n_estimators': 200}
Epoch : 175: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'log2', 'min_samples_leaf': 30, 'n_estimators': 100}
Epoch : 176: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'log2', 'min_samples_leaf': 30, 'n_estimators': 175}
Epoch : 177: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'log2', 'min_samples_leaf': 14, 'n_estimators': 900}
Epoch : 178: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 775}
Epoch : 179: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 14, 'n_estimators': 1350}
Epoch : 180: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 14, 'n_estimators': 875}
Epoch : 181: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 12, 'n_estimators': 1325}
Epoch : 182: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 14, 'n_estimators': 1200}
Epoch : 183: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'auto', 'min_samples_leaf': 30, 'n_estimators': 1500}
Epoch : 184: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 1475}
Epoch : 185: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 28, 'n_estimators': 1450}
Epoch : 186: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 28, 'n_estimators': 1300}
Epoch : 187: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'sqrt', 'min_samples_leaf': 26, 'n_estimators': 1425}
Epoch : 188: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 26, 'n_estimators': 1475}
Epoch : 189: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 1125}
Epoch : 190: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 1375}
Epoch : 191: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 1025}
Epoch : 192: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': None, 'min_samples_leaf': 16, 'n_estimators': 925}
Epoch : 193: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 16, 'n_estimators': 1000}
Epoch : 194: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 16, 'n_estimators': 825}
Epoch : 195: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 18, 'n_estimators': 975}
Epoch : 196: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 14, 'n_estimators': 250}
Epoch : 197: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 275}
Epoch : 198: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'log2', 'min_samples_leaf': 26, 'n_estimators': 375}
Epoch : 199: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 175}
Epoch : 200: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 150}
Epoch : 201: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'auto', 'min_samples_leaf': 26, 'n_estimators': 1250}
Epoch : 202: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'auto', 'min_samples_leaf': 30, 'n_estimators': 1125}
Epoch : 203: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 24, 'n_estimators': 1225}
Epoch : 204: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 30, 'n_estimators': 1150}
Epoch : 205: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 16, 'n_estimators': 1175}
Epoch : 206: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 18, 'n_estimators': 1050}
Epoch : 207: f1_weighted Score 0.809 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 6, 'n_estimators': 1050}
Epoch : 208: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 1075}
Epoch : 209: f1_weighted Score 0.809 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 8, 'n_estimators': 950}
Epoch : 210: f1_weighted Score 0.791 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 4, 'n_estimators': 725}
Epoch : 211: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 675}
Epoch : 212: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 850}
Epoch : 213: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 925}
Epoch : 214: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 825}
Epoch : 215: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 650}
Epoch : 216: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 625}
Epoch : 217: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': None, 'min_samples_leaf': 24, 'n_estimators': 525}
Epoch : 218: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 600}
Epoch : 219: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 600}
Epoch : 220: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 475}
Epoch : 221: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 550}
Epoch : 222: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 18, 'n_estimators': 1300}
Epoch : 223: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 1400}
Epoch : 224: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 1375}
Epoch : 225: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 1350}
Epoch : 226: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 800}
Epoch : 227: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 950}
Epoch : 228: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 425}
Epoch : 229: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 1450}
Epoch : 230: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 50}
Epoch : 231: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 300}
Epoch : 232: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 400}
Epoch : 233: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 200}
Epoch : 234: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 1000}
Epoch : 235: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 1125}
Epoch : 236: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1275}
Epoch : 237: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 1075}
Epoch : 238: f1_weighted Score 0.809 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 6, 'n_estimators': 475}
Epoch : 239: f1_weighted Score 0.809 params {'max_depth': 17, 'max_features': None, 'min_samples_leaf': 6, 'n_estimators': 500}
Epoch : 240: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 575}
Epoch : 241: f1_weighted Score 0.809 params {'max_depth': 18, 'max_features': None, 'min_samples_leaf': 8, 'n_estimators': 725}
Epoch : 242: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': None, 'min_samples_leaf': 12, 'n_estimators': 350}
Epoch : 243: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 675}
Epoch : 244: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 450}
Epoch : 245: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 575}
Epoch : 246: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 625}
Epoch : 247: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 525}
Epoch : 248: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 750}
Epoch : 249: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 18, 'n_estimators': 675}
Epoch : 250: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 16, 'n_estimators': 850}
Epoch : 251: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 14, 'n_estimators': 900}
Epoch : 252: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 875}
Epoch : 253: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 775}
Epoch : 254: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 800}
Epoch : 255: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 1425}
Epoch : 256: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'sqrt', 'min_samples_leaf': 16, 'n_estimators': 1225}
Epoch : 257: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 1325}
Epoch : 258: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 1500}
Epoch : 259: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 150}
Epoch : 260: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 325}
Epoch : 261: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 250}
Epoch : 262: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 75}
Epoch : 263: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 125}
Epoch : 264: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 225}
Epoch : 265: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 350}
Epoch : 266: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 400}
Epoch : 267: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 275}
Epoch : 268: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 300}
Epoch : 269: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 375}
Epoch : 270: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 450}
Epoch : 271: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 550}
Epoch : 272: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 725}
Epoch : 273: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 700}
Epoch : 274: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 650}
Epoch : 275: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 100}
Epoch : 276: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 100}
Epoch : 277: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 50}
Epoch : 278: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'log2', 'min_samples_leaf': 30, 'n_estimators': 200}
Epoch : 279: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'log2', 'min_samples_leaf': 30, 'n_estimators': 75}
Epoch : 280: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'log2', 'min_samples_leaf': 30, 'n_estimators': 175}
Epoch : 281: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'log2', 'min_samples_leaf': 30, 'n_estimators': 200}
Epoch : 282: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 975}
Epoch : 283: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 900}
Epoch : 284: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 14, 'n_estimators': 900}
Epoch : 285: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 14, 'n_estimators': 875}
Epoch : 286: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 1350}
Epoch : 287: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 12, 'n_estimators': 1325}
Epoch : 288: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 1275}
Epoch : 289: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 14, 'n_estimators': 1400}
Epoch : 290: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 12, 'n_estimators': 1200}
Epoch : 291: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1475}
Epoch : 292: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 1500}
Epoch : 293: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 1450}
Epoch : 294: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 16, 'n_estimators': 1025}
Epoch : 295: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 16, 'n_estimators': 975}
Epoch : 296: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 16, 'n_estimators': 1000}
Epoch : 297: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 14, 'n_estimators': 950}
Epoch : 298: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 250}
Epoch : 299: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'log2', 'min_samples_leaf': 28, 'n_estimators': 150}
Epoch : 300: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 250}
Epoch : 301: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'auto', 'min_samples_leaf': 26, 'n_estimators': 150}
Epoch : 302: f1_weighted Score 0.810 params {'max_depth': 3, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 50}
Epoch : 303: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'auto', 'min_samples_leaf': 26, 'n_estimators': 125}
Epoch : 304: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'auto', 'min_samples_leaf': 30, 'n_estimators': 1125}
Epoch : 305: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 300}
Epoch : 306: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'auto', 'min_samples_leaf': 30, 'n_estimators': 1175}
Epoch : 307: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'auto', 'min_samples_leaf': 30, 'n_estimators': 1250}
Epoch : 308: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 30, 'n_estimators': 1150}
Epoch : 309: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 26, 'n_estimators': 1225}
Epoch : 310: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 24, 'n_estimators': 1100}
Epoch : 311: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 18, 'n_estimators': 1175}
Epoch : 312: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1100}
Epoch : 313: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 16, 'n_estimators': 1075}
Epoch : 314: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 18, 'n_estimators': 1025}
Epoch : 315: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 825}
Epoch : 316: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 925}
Epoch : 317: f1_weighted Score 0.810 params {'max_depth': 17, 'max_features': None, 'min_samples_leaf': 8, 'n_estimators': 850}
Epoch : 318: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 775}
Epoch : 319: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 750}
Epoch : 320: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 24, 'n_estimators': 825}
Epoch : 321: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 700}
Epoch : 322: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 925}
Epoch : 323: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 625}
Epoch : 324: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': None, 'min_samples_leaf': 24, 'n_estimators': 550}
Epoch : 325: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': None, 'min_samples_leaf': 24, 'n_estimators': 600}
Epoch : 326: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 650}
Epoch : 327: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 600}
Epoch : 328: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 500}
Epoch : 329: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 475}
Epoch : 330: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 575}
Epoch : 331: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'sqrt', 'min_samples_leaf': 16, 'n_estimators': 525}
Epoch : 332: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 1375}
Epoch : 333: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 1300}
Epoch : 334: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 1375}
Epoch : 335: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 18, 'n_estimators': 1350}
Epoch : 336: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 1400}
Epoch : 337: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 1425}
Epoch : 338: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 1475}
Epoch : 339: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 1275}
Epoch : 340: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 775}
Epoch : 341: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 725}
Epoch : 342: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 950}
Epoch : 343: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 425}
Epoch : 344: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 300}
Epoch : 345: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 225}
Epoch : 346: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 400}
Epoch : 347: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 50}
Epoch : 348: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 275}
Epoch : 349: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 1125}
Epoch : 350: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 1075}
Epoch : 351: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 1275}
Epoch : 352: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1200}
Epoch : 353: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1025}
Epoch : 354: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 1150}
Epoch : 355: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1250}
Epoch : 356: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 1200}
Epoch : 357: f1_weighted Score 0.809 params {'max_depth': 17, 'max_features': None, 'min_samples_leaf': 8, 'n_estimators': 675}
Epoch : 358: f1_weighted Score 0.809 params {'max_depth': 17, 'max_features': None, 'min_samples_leaf': 8, 'n_estimators': 375}
Epoch : 359: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 450}
Epoch : 360: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 350}
Epoch : 361: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 12, 'n_estimators': 475}
Epoch : 362: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 575}
Epoch : 363: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 650}
Epoch : 364: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 625}
Epoch : 365: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 525}
Epoch : 366: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 550}
Epoch : 367: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 18, 'n_estimators': 675}
Epoch : 368: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 750}
Epoch : 369: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 18, 'n_estimators': 700}
Epoch : 370: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 18, 'n_estimators': 850}
Epoch : 371: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 16, 'n_estimators': 875}
Epoch : 372: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 14, 'n_estimators': 800}
Epoch : 373: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 875}
Epoch : 374: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 775}
Epoch : 375: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 800}
Epoch : 376: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 900}
Epoch : 377: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'sqrt', 'min_samples_leaf': 16, 'n_estimators': 975}
Epoch : 378: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 1500}
Epoch : 379: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 1325}
Epoch : 380: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 16, 'n_estimators': 1425}
Epoch : 381: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 1450}
Epoch : 382: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 1500}
Epoch : 383: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 125}
Epoch : 384: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 1475}
Epoch : 385: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 325}
Epoch : 386: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 175}
Epoch : 387: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 75}
Epoch : 388: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 150}
Epoch : 389: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 75}
Epoch : 390: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 225}
Epoch : 391: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 125}
Epoch : 392: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 225}
Epoch : 393: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 26, 'n_estimators': 350}
Epoch : 394: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 400}
Epoch : 395: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 275}
Epoch : 396: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 275}
Epoch : 397: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 375}
Epoch : 398: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 300}
Epoch : 399: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 375}
Epoch : 400: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 450}
Epoch : 401: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 500}
Epoch : 402: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 425}
Epoch : 403: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 725}
Epoch : 404: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 550}
Epoch : 405: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 700}
Epoch : 406: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 725}
Epoch : 407: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 750}
Epoch : 408: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 675}
Epoch : 409: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 50}
Epoch : 410: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 75}
Epoch : 411: f1_weighted Score 0.810 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 30, 'n_estimators': 75}
Epoch : 412: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 100}
Epoch : 413: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'log2', 'min_samples_leaf': 30, 'n_estimators': 175}
Epoch : 414: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'log2', 'min_samples_leaf': 28, 'n_estimators': 100}
Epoch : 415: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'log2', 'min_samples_leaf': 30, 'n_estimators': 150}
Epoch : 416: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'log2', 'min_samples_leaf': 30, 'n_estimators': 200}
Epoch : 417: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 30, 'n_estimators': 175}
Epoch : 418: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'log2', 'min_samples_leaf': 30, 'n_estimators': 200}
Epoch : 419: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 925}
Epoch : 420: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 975}
Epoch : 421: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 900}
Epoch : 422: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 14, 'n_estimators': 1025}
Epoch : 423: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 1050}
Epoch : 424: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 1325}
Epoch : 425: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 12, 'n_estimators': 1300}
Epoch : 426: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 1350}
Epoch : 427: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 1400}
Epoch : 428: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 1400}
Epoch : 429: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1250}
Epoch : 430: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 12, 'n_estimators': 1375}
Epoch : 431: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1450}
Epoch : 432: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1325}
Epoch : 433: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 1500}
Epoch : 434: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1475}
Epoch : 435: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 1475}
Epoch : 436: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1450}
Epoch : 437: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 1425}
Epoch : 438: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 1375}
Epoch : 439: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'log2', 'min_samples_leaf': 16, 'n_estimators': 1075}
Epoch : 440: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 16, 'n_estimators': 950}
Epoch : 441: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 14, 'n_estimators': 975}
Epoch : 442: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 16, 'n_estimators': 1000}
Epoch : 443: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'log2', 'min_samples_leaf': 14, 'n_estimators': 1050}
Epoch : 444: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 275}
Epoch : 445: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 150}
Epoch : 446: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 250}
Epoch : 447: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'log2', 'min_samples_leaf': 26, 'n_estimators': 125}
Epoch : 448: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'log2', 'min_samples_leaf': 26, 'n_estimators': 225}
Epoch : 449: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 125}
Epoch : 450: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'auto', 'min_samples_leaf': 26, 'n_estimators': 150}
Epoch : 451: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 100}
Epoch : 452: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 200}
Epoch : 453: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 1175}
Epoch : 454: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'auto', 'min_samples_leaf': 30, 'n_estimators': 1125}
Epoch : 455: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'auto', 'min_samples_leaf': 30, 'n_estimators': 1150}
Epoch : 456: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 30, 'n_estimators': 1225}
Epoch : 457: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 30, 'n_estimators': 1225}
Epoch : 458: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 26, 'n_estimators': 1175}
Epoch : 459: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 24, 'n_estimators': 1100}
Epoch : 460: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 24, 'n_estimators': 1100}
Epoch : 461: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 24, 'n_estimators': 1100}
Epoch : 462: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'log2', 'min_samples_leaf': 24, 'n_estimators': 1075}
Epoch : 463: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 18, 'n_estimators': 1025}
Epoch : 464: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 18, 'n_estimators': 1050}
Epoch : 465: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 18, 'n_estimators': 1000}
Epoch : 466: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 20, 'n_estimators': 1150}
Epoch : 467: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 825}
Epoch : 468: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 825}
Epoch : 469: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 775}
Epoch : 470: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 825}
Epoch : 471: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 850}
Epoch : 472: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 775}
Epoch : 473: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 750}
Epoch : 474: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 700}
Epoch : 475: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 625}
Epoch : 476: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 24, 'n_estimators': 625}
Epoch : 477: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 24, 'n_estimators': 600}
Epoch : 478: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 24, 'n_estimators': 575}
Epoch : 479: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 525}
Epoch : 480: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 650}
Epoch : 481: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 550}
Epoch : 482: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 625}
Epoch : 483: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 500}
Epoch : 484: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 475}
Epoch : 485: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 600}
Epoch : 486: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 500}
Epoch : 487: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 16, 'n_estimators': 425}
Epoch : 488: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 475}
Epoch : 489: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 16, 'n_estimators': 525}
Epoch : 490: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 425}
Epoch : 491: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 450}
Epoch : 492: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 1300}
Epoch : 493: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 1375}
Epoch : 494: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 1350}
Epoch : 495: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 1300}
Epoch : 496: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 1400}
Epoch : 497: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 1425}
Epoch : 498: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 1350}
Epoch : 499: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 1500}
Epoch : 500: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 1275}
Epoch : 501: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 1425}
Epoch : 502: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 1475}
Epoch : 503: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 1450}
Epoch : 504: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 925}
Epoch : 505: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 800}
Epoch : 506: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 400}
Epoch : 507: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 350}
Epoch : 508: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 250}
Epoch : 509: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 325}
Epoch : 510: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 300}
Epoch : 511: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 375}
Epoch : 512: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 325}
Epoch : 513: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 275}
Epoch : 514: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 225}
Epoch : 515: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 50}
Epoch : 516: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 6, 'n_estimators': 1225}
Epoch : 517: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 1200}
Epoch : 518: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1250}
Epoch : 519: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1200}
Epoch : 520: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1175}
Epoch : 521: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1125}
Epoch : 522: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1250}
Epoch : 523: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1275}
Epoch : 524: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 1200}
Epoch : 525: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 1150}
Epoch : 526: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1225}
Epoch : 527: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 1150}
Epoch : 528: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 1325}
Epoch : 529: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 400}
Epoch : 530: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 450}
Epoch : 531: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 475}
Epoch : 532: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 575}
Epoch : 533: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 575}
Epoch : 534: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 650}
Epoch : 535: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 600}
Epoch : 536: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 550}
Epoch : 537: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 675}
Epoch : 538: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 725}
Epoch : 539: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 675}
Epoch : 540: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 18, 'n_estimators': 725}
Epoch : 541: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 18, 'n_estimators': 750}
Epoch : 542: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 18, 'n_estimators': 700}
Epoch : 543: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 18, 'n_estimators': 850}
Epoch : 544: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 18, 'n_estimators': 800}
Epoch : 545: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 16, 'n_estimators': 875}
Epoch : 546: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 14, 'n_estimators': 875}
Epoch : 547: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 14, 'n_estimators': 875}
Epoch : 548: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 925}
Epoch : 549: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 800}
Epoch : 550: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 775}
Epoch : 551: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 825}
Epoch : 552: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 950}
Epoch : 553: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 900}
Epoch : 554: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 16, 'n_estimators': 975}
Epoch : 555: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 950}
Epoch : 556: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 16, 'n_estimators': 1450}
Epoch : 557: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 16, 'n_estimators': 1425}
Epoch : 558: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 1475}
Epoch : 559: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 1400}
Epoch : 560: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 1475}
Epoch : 561: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 1425}
Epoch : 562: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 1500}
Epoch : 563: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 1475}
Epoch : 564: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 1500}
Epoch : 565: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 175}
Epoch : 566: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 125}
Epoch : 567: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 75}
Epoch : 568: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 75}
Epoch : 569: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 75}
Epoch : 570: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 200}
Epoch : 571: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 50}
Epoch : 572: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 125}
Epoch : 573: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 100}
Epoch : 574: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 225}
Epoch : 575: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 250}
Epoch : 576: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 175}
Epoch : 577: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'sqrt', 'min_samples_leaf': 28, 'n_estimators': 325}
Epoch : 578: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 26, 'n_estimators': 350}
Epoch : 579: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 28, 'n_estimators': 300}
Epoch : 580: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 26, 'n_estimators': 275}
Epoch : 581: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 150}
Epoch : 582: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 200}
Epoch : 583: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 75}
Epoch : 584: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 50}
Epoch : 585: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 125}
Epoch : 586: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 225}
Epoch : 587: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 150}
Epoch : 588: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 225}
Epoch : 589: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 350}
Epoch : 590: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 26, 'n_estimators': 300}
Epoch : 591: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 26, 'n_estimators': 400}
Epoch : 592: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 275}
Epoch : 593: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 325}
Epoch : 594: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 350}
Epoch : 595: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 375}
Epoch : 596: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 400}
Epoch : 597: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 375}
Epoch : 598: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 450}
Epoch : 599: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 425}
Epoch : 600: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 500}
Epoch : 601: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 500}
Epoch : 602: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 525}
Epoch : 603: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 450}
Epoch : 604: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 525}
Epoch : 605: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 550}
Epoch : 606: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 700}
Epoch : 607: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 650}
Epoch : 608: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 750}
Epoch : 609: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 725}
Epoch : 610: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 700}
Epoch : 611: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 750}
Epoch : 612: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 675}
Epoch : 613: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 725}
Epoch : 614: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 775}
Epoch : 615: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 50}
Epoch : 616: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 150}
Epoch : 617: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 100}
Epoch : 618: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 100}
Epoch : 619: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 26, 'n_estimators': 100}
Epoch : 620: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'log2', 'min_samples_leaf': 26, 'n_estimators': 50}
Epoch : 621: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 30, 'n_estimators': 175}
Epoch : 622: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'log2', 'min_samples_leaf': 30, 'n_estimators': 200}
Epoch : 623: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 30, 'n_estimators': 175}
Epoch : 624: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 30, 'n_estimators': 200}
Epoch : 625: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'log2', 'min_samples_leaf': 30, 'n_estimators': 250}
Epoch : 626: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'log2', 'min_samples_leaf': 30, 'n_estimators': 175}
Epoch : 627: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 1000}
Epoch : 628: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 925}
Epoch : 629: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 975}
Epoch : 630: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 1025}
Epoch : 631: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 1075}
Epoch : 632: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 1025}
Epoch : 633: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 1050}
Epoch : 634: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 12, 'n_estimators': 1050}
Epoch : 635: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 1100}
Epoch : 636: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 1300}
Epoch : 637: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1325}
Epoch : 638: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1375}
Epoch : 639: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 1350}
Epoch : 640: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1400}
Epoch : 641: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1275}
Epoch : 642: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1375}
Epoch : 643: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1350}
Epoch : 644: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 1400}
Epoch : 645: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1375}
Epoch : 646: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 1325}
Epoch : 647: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1500}
Epoch : 648: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1425}
Epoch : 649: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 1450}
Epoch : 650: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1500}
Epoch : 651: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 1450}
Epoch : 652: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1500}
Epoch : 653: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 1450}
Epoch : 654: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 1475}
Epoch : 655: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 1425}
Epoch : 656: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 1375}
Epoch : 657: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 1475}
Epoch : 658: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 1275}
Epoch : 659: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 950}
Epoch : 660: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 16, 'n_estimators': 1050}
Epoch : 661: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 16, 'n_estimators': 975}
Epoch : 662: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 14, 'n_estimators': 1075}
Epoch : 663: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'log2', 'min_samples_leaf': 16, 'n_estimators': 1000}
Epoch : 664: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'log2', 'min_samples_leaf': 14, 'n_estimators': 950}
Epoch : 665: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'log2', 'min_samples_leaf': 14, 'n_estimators': 1000}
Epoch : 666: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 1125}
Epoch : 667: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 900}
Epoch : 668: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 250}
Epoch : 669: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 275}
Epoch : 670: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 225}
Epoch : 671: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'log2', 'min_samples_leaf': 26, 'n_estimators': 125}
Epoch : 672: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'log2', 'min_samples_leaf': 26, 'n_estimators': 150}
Epoch : 673: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 'log2', 'min_samples_leaf': 26, 'n_estimators': 125}
Epoch : 674: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 125}
Epoch : 675: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'auto', 'min_samples_leaf': 26, 'n_estimators': 50}
Epoch : 676: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 100}
Epoch : 677: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 75}
Epoch : 678: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 200}
Epoch : 679: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 175}
Epoch : 680: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'auto', 'min_samples_leaf': 28, 'n_estimators': 1125}
Epoch : 681: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'auto', 'min_samples_leaf': 30, 'n_estimators': 1225}
Epoch : 682: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'auto', 'min_samples_leaf': 30, 'n_estimators': 1150}
Epoch : 683: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'auto', 'min_samples_leaf': 30, 'n_estimators': 1175}
Epoch : 684: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 30, 'n_estimators': 1175}
Epoch : 685: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'auto', 'min_samples_leaf': 30, 'n_estimators': 1250}
Epoch : 686: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 30, 'n_estimators': 1175}
Epoch : 687: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 30, 'n_estimators': 1225}
Epoch : 688: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 26, 'n_estimators': 1200}
Epoch : 689: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 24, 'n_estimators': 1100}
Epoch : 690: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 24, 'n_estimators': 1100}
Epoch : 691: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 24, 'n_estimators': 1100}
Epoch : 692: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 24, 'n_estimators': 1075}
Epoch : 693: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 24, 'n_estimators': 1125}
Epoch : 694: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 24, 'n_estimators': 1025}
Epoch : 695: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 22, 'n_estimators': 1025}
Epoch : 696: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 18, 'n_estimators': 1050}
Epoch : 697: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 18, 'n_estimators': 1000}
Epoch : 698: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 18, 'n_estimators': 925}
Epoch : 699: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 20, 'n_estimators': 900}
Epoch : 700: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 18, 'n_estimators': 875}
Epoch : 701: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 20, 'n_estimators': 850}
Epoch : 702: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'log2', 'min_samples_leaf': 22, 'n_estimators': 850}
Epoch : 703: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 825}
Epoch : 704: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 800}
Epoch : 705: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 825}
Epoch : 706: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 775}
Epoch : 707: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 825}
Epoch : 708: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 775}
Epoch : 709: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 850}
Epoch : 710: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 750}
Epoch : 711: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 625}
Epoch : 712: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 600}
Epoch : 713: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 625}
Epoch : 714: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 650}
Epoch : 715: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 24, 'n_estimators': 600}
Epoch : 716: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 24, 'n_estimators': 625}
Epoch : 717: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': None, 'min_samples_leaf': 24, 'n_estimators': 675}
Epoch : 718: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 24, 'n_estimators': 600}
Epoch : 719: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 575}
Epoch : 720: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 550}
Epoch : 721: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 575}
Epoch : 722: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 550}
Epoch : 723: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 525}
Epoch : 724: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 500}
Epoch : 725: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 475}
Epoch : 726: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 475}
Epoch : 727: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 500}
Epoch : 728: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 425}
Epoch : 729: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 525}
Epoch : 730: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 425}
Epoch : 731: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 475}
Epoch : 732: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'sqrt', 'min_samples_leaf': 16, 'n_estimators': 450}
Epoch : 733: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 16, 'n_estimators': 400}
Epoch : 734: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 16, 'n_estimators': 425}
Epoch : 735: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'sqrt', 'min_samples_leaf': 16, 'n_estimators': 425}
Epoch : 736: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 375}
Epoch : 737: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 450}
Epoch : 738: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 325}
Epoch : 739: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 350}
Epoch : 740: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 450}
Epoch : 741: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 1325}
Epoch : 742: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 0.5, 'min_samples_leaf': 12, 'n_estimators': 1350}
Epoch : 743: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 1275}
Epoch : 744: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 1300}
Epoch : 745: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 1325}
Epoch : 746: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 1300}
Epoch : 747: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 1400}
Epoch : 748: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 1350}
Epoch : 749: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 1425}
Epoch : 750: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 1275}
Epoch : 751: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 1375}
Epoch : 752: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 1425}
Epoch : 753: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 1500}
Epoch : 754: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 1450}
Epoch : 755: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 1475}
Epoch : 756: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 16, 'n_estimators': 1500}
Epoch : 757: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 14, 'n_estimators': 1450}
Epoch : 758: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 1500}
Epoch : 759: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 1400}
Epoch : 760: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 300}
Epoch : 761: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 375}
Epoch : 762: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 325}
Epoch : 763: f1_weighted Score 0.812 params {'max_depth': 1, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 250}
Epoch : 764: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 300}
Epoch : 765: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 350}
Epoch : 766: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 325}
Epoch : 767: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 300}
Epoch : 768: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 275}
Epoch : 769: f1_weighted Score 0.812 params {'max_depth': 2, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 350}
Epoch : 770: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 250}
Epoch : 771: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 300}
Epoch : 772: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 325}
Epoch : 773: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 275}
Epoch : 774: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 225}
Epoch : 775: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 200}
Epoch : 776: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 225}
Epoch : 777: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 250}
Epoch : 778: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 1250}
Epoch : 779: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 0.5, 'min_samples_leaf': 4, 'n_estimators': 1250}
Epoch : 780: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1250}
Epoch : 781: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1200}
Epoch : 782: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1200}
Epoch : 783: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1150}
Epoch : 784: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1175}
Epoch : 785: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1225}
Epoch : 786: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1150}
Epoch : 787: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1200}
Epoch : 788: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1225}
Epoch : 789: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 1150}
Epoch : 790: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 1250}
Epoch : 791: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 1300}
Epoch : 792: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 1275}
Epoch : 793: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'log2', 'min_samples_leaf': 6, 'n_estimators': 1300}
Epoch : 794: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 1200}
Epoch : 795: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 8, 'n_estimators': 1150}
Epoch : 796: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 1325}
Epoch : 797: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 400}
Epoch : 798: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 400}
Epoch : 799: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 525}
Epoch : 800: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 575}
Epoch : 801: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 575}
Epoch : 802: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 650}
Epoch : 803: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 10, 'n_estimators': 575}
Epoch : 804: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 550}
Epoch : 805: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 675}
Epoch : 806: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 675}
Epoch : 807: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 650}
Epoch : 808: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 700}
Epoch : 809: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': None, 'min_samples_leaf': 22, 'n_estimators': 625}
Epoch : 810: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 725}
Epoch : 811: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 700}
Epoch : 812: f1_weighted Score 0.812 params {'max_depth': 13, 'max_features': None, 'min_samples_leaf': 20, 'n_estimators': 750}
Epoch : 813: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 18, 'n_estimators': 725}
Epoch : 814: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 18, 'n_estimators': 725}
Epoch : 815: f1_weighted Score 0.812 params {'max_depth': 12, 'max_features': None, 'min_samples_leaf': 18, 'n_estimators': 700}
Epoch : 816: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 18, 'n_estimators': 800}
Epoch : 817: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 18, 'n_estimators': 850}
Epoch : 818: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 18, 'n_estimators': 875}
Epoch : 819: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 18, 'n_estimators': 875}
Epoch : 820: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 16, 'n_estimators': 900}
Epoch : 821: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 14, 'n_estimators': 875}
Epoch : 822: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': None, 'min_samples_leaf': 14, 'n_estimators': 900}
Epoch : 823: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 14, 'n_estimators': 800}
Epoch : 824: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': None, 'min_samples_leaf': 14, 'n_estimators': 800}
Epoch : 825: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 925}
Epoch : 826: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 925}
Epoch : 827: f1_weighted Score 0.812 params {'max_depth': 15, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 875}
Epoch : 828: f1_weighted Score 0.812 params {'max_depth': 14, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 950}
Epoch : 829: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 825}
Epoch : 830: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 900}
Epoch : 831: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 825}
Epoch : 832: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 950}
Epoch : 833: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 975}
Epoch : 834: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 975}
Epoch : 835: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 12, 'n_estimators': 950}
Epoch : 836: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 14, 'n_estimators': 925}
Epoch : 837: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 16, 'n_estimators': 975}
Epoch : 838: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'sqrt', 'min_samples_leaf': 16, 'n_estimators': 950}
Epoch : 839: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 16, 'n_estimators': 1400}
Epoch : 840: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'sqrt', 'min_samples_leaf': 16, 'n_estimators': 1425}
Epoch : 841: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'sqrt', 'min_samples_leaf': 16, 'n_estimators': 1475}
Epoch : 842: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'sqrt', 'min_samples_leaf': 16, 'n_estimators': 1450}
Epoch : 843: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'sqrt', 'min_samples_leaf': 16, 'n_estimators': 1400}
Epoch : 844: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 1475}
Epoch : 845: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 1500}
Epoch : 846: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 1425}
Epoch : 847: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 1500}
Epoch : 848: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 1500}
Epoch : 849: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 1450}
Epoch : 850: f1_weighted Score 0.812 params {'max_depth': 3, 'max_features': 0.5, 'min_samples_leaf': 24, 'n_estimators': 1500}
Epoch : 851: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 1375}
Epoch : 852: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 75}
Epoch : 853: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 50}
Epoch : 854: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 75}
Epoch : 855: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 75}
Epoch : 856: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 150}
Epoch : 857: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 100}
Epoch : 858: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 50}
Epoch : 859: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 125}
Epoch : 860: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 50}
Epoch : 861: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 100}
Epoch : 862: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 100}
Epoch : 863: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 175}
Epoch : 864: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 150}
Epoch : 865: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 200}
Epoch : 866: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 175}
Epoch : 867: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 225}
Epoch : 868: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 250}
Epoch : 869: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'sqrt', 'min_samples_leaf': 28, 'n_estimators': 300}
Epoch : 870: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'sqrt', 'min_samples_leaf': 28, 'n_estimators': 275}
Epoch : 871: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 28, 'n_estimators': 350}
Epoch : 872: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 28, 'n_estimators': 325}
Epoch : 873: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 28, 'n_estimators': 275}
Epoch : 874: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 26, 'n_estimators': 250}
Epoch : 875: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 28, 'n_estimators': 275}
Epoch : 876: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 30, 'n_estimators': 200}
Epoch : 877: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 30, 'n_estimators': 150}
Epoch : 878: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 175}
Epoch : 879: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 125}
Epoch : 880: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 150}
Epoch : 881: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 50}
Epoch : 882: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 0.5, 'min_samples_leaf': 30, 'n_estimators': 125}
Epoch : 883: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 200}
Epoch : 884: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 28, 'n_estimators': 150}
Epoch : 885: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 225}
Epoch : 886: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 225}
Epoch : 887: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 300}
Epoch : 888: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 0.5, 'min_samples_leaf': 26, 'n_estimators': 350}
Epoch : 889: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 26, 'n_estimators': 375}
Epoch : 890: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 26, 'n_estimators': 300}
Epoch : 891: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 26, 'n_estimators': 375}
Epoch : 892: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 400}
Epoch : 893: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 375}
Epoch : 894: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 350}
Epoch : 895: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 425}
Epoch : 896: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 400}
Epoch : 897: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 400}
Epoch : 898: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 375}
Epoch : 899: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 475}
Epoch : 900: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 425}
Epoch : 901: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 500}
Epoch : 902: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 475}
Epoch : 903: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 500}
Epoch : 904: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 450}
Epoch : 905: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 525}
Epoch : 906: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 500}
Epoch : 907: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 450}
Epoch : 908: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 525}
Epoch : 909: f1_weighted Score 0.812 params {'max_depth': 19, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 550}
Epoch : 910: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 525}
Epoch : 911: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 600}
Epoch : 912: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 650}
Epoch : 913: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 650}
Epoch : 914: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 18, 'n_estimators': 575}
Epoch : 915: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 20, 'n_estimators': 675}
Epoch : 916: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 750}
Epoch : 917: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 725}
Epoch : 918: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 750}
Epoch : 919: f1_weighted Score 0.812 params {'max_depth': 18, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 700}
Epoch : 920: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 750}
Epoch : 921: f1_weighted Score 0.812 params {'max_depth': 20, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 700}
Epoch : 922: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 650}
Epoch : 923: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 775}
Epoch : 924: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 775}
Epoch : 925: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 775}
Epoch : 926: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 700}
Epoch : 927: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 800}
Epoch : 928: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 850}
Epoch : 929: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 100}
Epoch : 930: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 50}
Epoch : 931: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 100}
Epoch : 932: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'sqrt', 'min_samples_leaf': 24, 'n_estimators': 50}
Epoch : 933: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'log2', 'min_samples_leaf': 26, 'n_estimators': 100}
Epoch : 934: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 26, 'n_estimators': 50}
Epoch : 935: f1_weighted Score 0.812 params {'max_depth': 17, 'max_features': 'log2', 'min_samples_leaf': 26, 'n_estimators': 100}
Epoch : 936: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 26, 'n_estimators': 175}
Epoch : 937: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 26, 'n_estimators': 75}
Epoch : 938: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 26, 'n_estimators': 100}
Epoch : 939: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 30, 'n_estimators': 175}
Epoch : 940: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 30, 'n_estimators': 200}
Epoch : 941: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 30, 'n_estimators': 175}
Epoch : 942: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 30, 'n_estimators': 200}
Epoch : 943: f1_weighted Score 0.812 params {'max_depth': 16, 'max_features': 'log2', 'min_samples_leaf': 30, 'n_estimators': 250}
Epoch : 944: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'log2', 'min_samples_leaf': 30, 'n_estimators': 200}
Epoch : 945: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 1000}
Epoch : 946: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'log2', 'min_samples_leaf': 12, 'n_estimators': 1025}
Epoch : 947: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 1050}
Epoch : 948: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 1075}
Epoch : 949: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 1000}
Epoch : 950: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 1025}
Epoch : 951: f1_weighted Score 0.812 params {'max_depth': 5, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 1050}
Epoch : 952: f1_weighted Score 0.812 params {'max_depth': 4, 'max_features': 'log2', 'min_samples_leaf': 10, 'n_estimators': 1075}
Epoch : 953: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 1050}
Epoch : 954: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 12, 'n_estimators': 1025}
Epoch : 955: f1_weighted Score 0.812 params {'max_depth': 6, 'max_features': 'auto', 'min_samples_leaf': 10, 'n_estimators': 1100}
Epoch : 956: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1100}
Epoch : 957: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1125}
Epoch : 958: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1075}
Epoch : 959: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1300}
Epoch : 960: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1325}
Epoch : 961: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1375}
Epoch : 962: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1350}
Epoch : 963: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1300}
Epoch : 964: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1325}
Epoch : 965: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1350}
Epoch : 966: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1375}
Epoch : 967: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1350}
Epoch : 968: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1350}
Epoch : 969: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 1400}
Epoch : 970: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 1375}
Epoch : 971: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 1275}
Epoch : 972: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 1400}
Epoch : 973: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 1375}
Epoch : 974: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 1325}
Epoch : 975: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 1450}
Epoch : 976: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 1425}
Epoch : 977: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 1450}
Epoch : 978: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 1425}
Epoch : 979: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 1475}
Epoch : 980: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'auto', 'min_samples_leaf': 8, 'n_estimators': 1500}
Epoch : 981: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 1475}
Epoch : 982: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'auto', 'min_samples_leaf': 6, 'n_estimators': 1450}
Epoch : 983: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 1475}
Epoch : 984: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 1450}
Epoch : 985: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 1450}
Epoch : 986: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 1500}
Epoch : 987: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 1425}
Epoch : 988: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 1400}
Epoch : 989: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 1475}
Epoch : 990: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 1400}
Epoch : 991: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 1275}
Epoch : 992: f1_weighted Score 0.812 params {'max_depth': 11, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 1350}
Epoch : 993: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 1250}
Epoch : 994: f1_weighted Score 0.812 params {'max_depth': 10, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 1300}
Epoch : 995: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'auto', 'min_samples_leaf': 4, 'n_estimators': 1225}
Epoch : 996: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 4, 'n_estimators': 1175}
Epoch : 997: f1_weighted Score 0.812 params {'max_depth': 8, 'max_features': 'log2', 'min_samples_leaf': 16, 'n_estimators': 975}
Epoch : 998: f1_weighted Score 0.812 params {'max_depth': 9, 'max_features': 'log2', 'min_samples_leaf': 16, 'n_estimators': 1000}
Epoch : 999: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 14, 'n_estimators': 950}
Epoch : 1000: f1_weighted Score 0.812 params {'max_depth': 7, 'max_features': 'log2', 'min_samples_leaf': 14, 'n_estimators': 1000}
the best option is: {'max_depth': 7, 'max_features': 'sqrt', 'min_samples_leaf': 22, 'n_estimators': 1475}
Cooresponding loss:
0.812312824990272
In [248]:
KNC_space = {
        'n_neighbors' : scope.int(hp.quniform('n_neighbors', 30, 80, 1)),
        'algorithm': hp.choice('algorithm', ['auto', 'ball_tree', 'kd_tree', 'brute']),
        'weights': hp.choice('weights', ['uniform','distance']),
        'leaf_size': scope.int(hp.quniform('leaf_size', 5,80,5)),
}
KNC = Bayesian_Optimizer(clf=neighbors.KNeighborsClassifier, param_space=KNC_space, max_eval=1000)
KNC.HP_optimization()
Epoch : 1: f1_weighted Score 0.560 params {'algorithm': 'ball_tree', 'leaf_size': 20, 'n_neighbors': 61, 'weights': 'uniform'}
Epoch : 2: f1_weighted Score 0.564 params {'algorithm': 'auto', 'leaf_size': 70, 'n_neighbors': 69, 'weights': 'uniform'}
Epoch : 3: f1_weighted Score 0.648 params {'algorithm': 'auto', 'leaf_size': 45, 'n_neighbors': 41, 'weights': 'distance'}
Epoch : 4: f1_weighted Score 0.677 params {'algorithm': 'ball_tree', 'leaf_size': 45, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 5: f1_weighted Score 0.592 params {'algorithm': 'brute', 'leaf_size': 50, 'n_neighbors': 74, 'weights': 'distance'}
Epoch : 6: f1_weighted Score 0.560 params {'algorithm': 'ball_tree', 'leaf_size': 40, 'n_neighbors': 60, 'weights': 'uniform'}
Epoch : 7: f1_weighted Score 0.644 params {'algorithm': 'ball_tree', 'leaf_size': 60, 'n_neighbors': 34, 'weights': 'uniform'}
Epoch : 8: f1_weighted Score 0.654 params {'algorithm': 'ball_tree', 'leaf_size': 65, 'n_neighbors': 39, 'weights': 'distance'}
Epoch : 9: f1_weighted Score 0.632 params {'algorithm': 'kd_tree', 'leaf_size': 10, 'n_neighbors': 33, 'weights': 'uniform'}
Epoch : 10: f1_weighted Score 0.560 params {'algorithm': 'brute', 'leaf_size': 60, 'n_neighbors': 67, 'weights': 'uniform'}
Epoch : 11: f1_weighted Score 0.595 params {'algorithm': 'ball_tree', 'leaf_size': 35, 'n_neighbors': 71, 'weights': 'distance'}
Epoch : 12: f1_weighted Score 0.560 params {'algorithm': 'auto', 'leaf_size': 45, 'n_neighbors': 57, 'weights': 'uniform'}
Epoch : 13: f1_weighted Score 0.560 params {'algorithm': 'auto', 'leaf_size': 10, 'n_neighbors': 56, 'weights': 'uniform'}
Epoch : 14: f1_weighted Score 0.610 params {'algorithm': 'auto', 'leaf_size': 25, 'n_neighbors': 53, 'weights': 'distance'}
Epoch : 15: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 16: f1_weighted Score 0.560 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 55, 'weights': 'uniform'}
Epoch : 17: f1_weighted Score 0.677 params {'algorithm': 'ball_tree', 'leaf_size': 30, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 18: f1_weighted Score 0.588 params {'algorithm': 'auto', 'leaf_size': 45, 'n_neighbors': 75, 'weights': 'distance'}
Epoch : 19: f1_weighted Score 0.560 params {'algorithm': 'ball_tree', 'leaf_size': 15, 'n_neighbors': 72, 'weights': 'uniform'}
Epoch : 20: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 21: f1_weighted Score 0.633 params {'algorithm': 'ball_tree', 'leaf_size': 35, 'n_neighbors': 47, 'weights': 'distance'}
Epoch : 22: f1_weighted Score 0.639 params {'algorithm': 'ball_tree', 'leaf_size': 55, 'n_neighbors': 46, 'weights': 'distance'}
Epoch : 23: f1_weighted Score 0.697 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 24: f1_weighted Score 0.633 params {'algorithm': 'kd_tree', 'leaf_size': 80, 'n_neighbors': 47, 'weights': 'distance'}
Epoch : 25: f1_weighted Score 0.697 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 26: f1_weighted Score 0.639 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 44, 'weights': 'distance'}
Epoch : 27: f1_weighted Score 0.581 params {'algorithm': 'kd_tree', 'leaf_size': 75, 'n_neighbors': 80, 'weights': 'distance'}
Epoch : 28: f1_weighted Score 0.689 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 29: f1_weighted Score 0.697 params {'algorithm': 'ball_tree', 'leaf_size': 70, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 30: f1_weighted Score 0.604 params {'algorithm': 'ball_tree', 'leaf_size': 70, 'n_neighbors': 51, 'weights': 'distance'}
Epoch : 31: f1_weighted Score 0.663 params {'algorithm': 'ball_tree', 'leaf_size': 70, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 32: f1_weighted Score 0.651 params {'algorithm': 'kd_tree', 'leaf_size': 65, 'n_neighbors': 42, 'weights': 'distance'}
Epoch : 33: f1_weighted Score 0.599 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 65, 'weights': 'distance'}
Epoch : 34: f1_weighted Score 0.620 params {'algorithm': 'brute', 'leaf_size': 75, 'n_neighbors': 50, 'weights': 'distance'}
Epoch : 35: f1_weighted Score 0.672 params {'algorithm': 'ball_tree', 'leaf_size': 55, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 36: f1_weighted Score 0.651 params {'algorithm': 'ball_tree', 'leaf_size': 65, 'n_neighbors': 42, 'weights': 'distance'}
Epoch : 37: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 38: f1_weighted Score 0.650 params {'algorithm': 'auto', 'leaf_size': 50, 'n_neighbors': 40, 'weights': 'distance'}
Epoch : 39: f1_weighted Score 0.560 params {'algorithm': 'brute', 'leaf_size': 60, 'n_neighbors': 62, 'weights': 'uniform'}
Epoch : 40: f1_weighted Score 0.672 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 41: f1_weighted Score 0.581 params {'algorithm': 'auto', 'leaf_size': 50, 'n_neighbors': 80, 'weights': 'distance'}
Epoch : 42: f1_weighted Score 0.560 params {'algorithm': 'auto', 'leaf_size': 40, 'n_neighbors': 60, 'weights': 'uniform'}
Epoch : 43: f1_weighted Score 0.683 params {'algorithm': 'ball_tree', 'leaf_size': 65, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 44: f1_weighted Score 0.584 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 44, 'weights': 'uniform'}
Epoch : 45: f1_weighted Score 0.620 params {'algorithm': 'auto', 'leaf_size': 50, 'n_neighbors': 50, 'weights': 'distance'}
Epoch : 46: f1_weighted Score 0.581 params {'algorithm': 'kd_tree', 'leaf_size': 70, 'n_neighbors': 77, 'weights': 'distance'}
Epoch : 47: f1_weighted Score 0.622 params {'algorithm': 'brute', 'leaf_size': 60, 'n_neighbors': 35, 'weights': 'uniform'}
Epoch : 48: f1_weighted Score 0.654 params {'algorithm': 'ball_tree', 'leaf_size': 70, 'n_neighbors': 39, 'weights': 'distance'}
Epoch : 49: f1_weighted Score 0.564 params {'algorithm': 'auto', 'leaf_size': 35, 'n_neighbors': 68, 'weights': 'uniform'}
Epoch : 50: f1_weighted Score 0.602 params {'algorithm': 'ball_tree', 'leaf_size': 65, 'n_neighbors': 58, 'weights': 'distance'}
Epoch : 51: f1_weighted Score 0.602 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 64, 'weights': 'distance'}
Epoch : 52: f1_weighted Score 0.614 params {'algorithm': 'kd_tree', 'leaf_size': 5, 'n_neighbors': 54, 'weights': 'distance'}
Epoch : 53: f1_weighted Score 0.643 params {'algorithm': 'brute', 'leaf_size': 75, 'n_neighbors': 32, 'weights': 'uniform'}
Epoch : 54: f1_weighted Score 0.639 params {'algorithm': 'auto', 'leaf_size': 40, 'n_neighbors': 44, 'weights': 'distance'}
Epoch : 55: f1_weighted Score 0.663 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 56: f1_weighted Score 0.567 params {'algorithm': 'auto', 'leaf_size': 45, 'n_neighbors': 52, 'weights': 'uniform'}
Epoch : 57: f1_weighted Score 0.631 params {'algorithm': 'ball_tree', 'leaf_size': 30, 'n_neighbors': 48, 'weights': 'distance'}
Epoch : 58: f1_weighted Score 0.672 params {'algorithm': 'ball_tree', 'leaf_size': 60, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 59: f1_weighted Score 0.648 params {'algorithm': 'auto', 'leaf_size': 50, 'n_neighbors': 41, 'weights': 'distance'}
Epoch : 60: f1_weighted Score 0.595 params {'algorithm': 'kd_tree', 'leaf_size': 45, 'n_neighbors': 71, 'weights': 'distance'}
Epoch : 61: f1_weighted Score 0.634 params {'algorithm': 'auto', 'leaf_size': 30, 'n_neighbors': 31, 'weights': 'uniform'}
Epoch : 62: f1_weighted Score 0.642 params {'algorithm': 'ball_tree', 'leaf_size': 20, 'n_neighbors': 43, 'weights': 'distance'}
Epoch : 63: f1_weighted Score 0.654 params {'algorithm': 'ball_tree', 'leaf_size': 70, 'n_neighbors': 39, 'weights': 'distance'}
Epoch : 64: f1_weighted Score 0.639 params {'algorithm': 'brute', 'leaf_size': 15, 'n_neighbors': 46, 'weights': 'distance'}
Epoch : 65: f1_weighted Score 0.599 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 57, 'weights': 'distance'}
Epoch : 66: f1_weighted Score 0.697 params {'algorithm': 'ball_tree', 'leaf_size': 55, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 67: f1_weighted Score 0.672 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 68: f1_weighted Score 0.689 params {'algorithm': 'kd_tree', 'leaf_size': 60, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 69: f1_weighted Score 0.663 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 70: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 50, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 71: f1_weighted Score 0.677 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 72: f1_weighted Score 0.672 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 73: f1_weighted Score 0.650 params {'algorithm': 'brute', 'leaf_size': 70, 'n_neighbors': 40, 'weights': 'distance'}
Epoch : 74: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 35, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 75: f1_weighted Score 0.683 params {'algorithm': 'brute', 'leaf_size': 50, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 76: f1_weighted Score 0.670 params {'algorithm': 'brute', 'leaf_size': 65, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 77: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 78: f1_weighted Score 0.575 params {'algorithm': 'brute', 'leaf_size': 45, 'n_neighbors': 49, 'weights': 'uniform'}
Epoch : 79: f1_weighted Score 0.648 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 41, 'weights': 'distance'}
Epoch : 80: f1_weighted Score 0.636 params {'algorithm': 'auto', 'leaf_size': 35, 'n_neighbors': 45, 'weights': 'distance'}
Epoch : 81: f1_weighted Score 0.592 params {'algorithm': 'kd_tree', 'leaf_size': 65, 'n_neighbors': 74, 'weights': 'distance'}
Epoch : 82: f1_weighted Score 0.622 params {'algorithm': 'ball_tree', 'leaf_size': 60, 'n_neighbors': 35, 'weights': 'uniform'}
Epoch : 83: f1_weighted Score 0.677 params {'algorithm': 'brute', 'leaf_size': 55, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 84: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 40, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 85: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 86: f1_weighted Score 0.643 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 32, 'weights': 'uniform'}
Epoch : 87: f1_weighted Score 0.642 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 43, 'weights': 'distance'}
Epoch : 88: f1_weighted Score 0.602 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 66, 'weights': 'distance'}
Epoch : 89: f1_weighted Score 0.602 params {'algorithm': 'kd_tree', 'leaf_size': 70, 'n_neighbors': 61, 'weights': 'distance'}
Epoch : 90: f1_weighted Score 0.614 params {'algorithm': 'brute', 'leaf_size': 15, 'n_neighbors': 54, 'weights': 'distance'}
Epoch : 91: f1_weighted Score 0.602 params {'algorithm': 'ball_tree', 'leaf_size': 30, 'n_neighbors': 40, 'weights': 'uniform'}
Epoch : 92: f1_weighted Score 0.633 params {'algorithm': 'ball_tree', 'leaf_size': 5, 'n_neighbors': 47, 'weights': 'distance'}
Epoch : 93: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 30, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 94: f1_weighted Score 0.602 params {'algorithm': 'ball_tree', 'leaf_size': 50, 'n_neighbors': 59, 'weights': 'distance'}
Epoch : 95: f1_weighted Score 0.581 params {'algorithm': 'ball_tree', 'leaf_size': 65, 'n_neighbors': 78, 'weights': 'distance'}
Epoch : 96: f1_weighted Score 0.560 params {'algorithm': 'auto', 'leaf_size': 10, 'n_neighbors': 63, 'weights': 'uniform'}
Epoch : 97: f1_weighted Score 0.651 params {'algorithm': 'auto', 'leaf_size': 20, 'n_neighbors': 42, 'weights': 'distance'}
Epoch : 98: f1_weighted Score 0.670 params {'algorithm': 'kd_tree', 'leaf_size': 70, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 99: f1_weighted Score 0.663 params {'algorithm': 'auto', 'leaf_size': 40, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 100: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 101: f1_weighted Score 0.637 params {'algorithm': 'ball_tree', 'leaf_size': 60, 'n_neighbors': 36, 'weights': 'uniform'}
Epoch : 102: f1_weighted Score 0.610 params {'algorithm': 'brute', 'leaf_size': 45, 'n_neighbors': 52, 'weights': 'distance'}
Epoch : 103: f1_weighted Score 0.602 params {'algorithm': 'brute', 'leaf_size': 35, 'n_neighbors': 69, 'weights': 'distance'}
Epoch : 104: f1_weighted Score 0.636 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 45, 'weights': 'distance'}
Epoch : 105: f1_weighted Score 0.609 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 56, 'weights': 'distance'}
Epoch : 106: f1_weighted Score 0.664 params {'algorithm': 'kd_tree', 'leaf_size': 25, 'n_neighbors': 30, 'weights': 'uniform'}
Epoch : 107: f1_weighted Score 0.683 params {'algorithm': 'ball_tree', 'leaf_size': 35, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 108: f1_weighted Score 0.654 params {'algorithm': 'brute', 'leaf_size': 50, 'n_neighbors': 39, 'weights': 'distance'}
Epoch : 109: f1_weighted Score 0.689 params {'algorithm': 'brute', 'leaf_size': 35, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 110: f1_weighted Score 0.588 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 41, 'weights': 'uniform'}
Epoch : 111: f1_weighted Score 0.623 params {'algorithm': 'auto', 'leaf_size': 45, 'n_neighbors': 49, 'weights': 'distance'}
Epoch : 112: f1_weighted Score 0.642 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 43, 'weights': 'distance'}
Epoch : 113: f1_weighted Score 0.677 params {'algorithm': 'kd_tree', 'leaf_size': 10, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 114: f1_weighted Score 0.663 params {'algorithm': 'ball_tree', 'leaf_size': 65, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 115: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 116: f1_weighted Score 0.599 params {'algorithm': 'ball_tree', 'leaf_size': 70, 'n_neighbors': 39, 'weights': 'uniform'}
Epoch : 117: f1_weighted Score 0.639 params {'algorithm': 'auto', 'leaf_size': 75, 'n_neighbors': 46, 'weights': 'distance'}
Epoch : 118: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 45, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 119: f1_weighted Score 0.663 params {'algorithm': 'ball_tree', 'leaf_size': 20, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 120: f1_weighted Score 0.651 params {'algorithm': 'auto', 'leaf_size': 40, 'n_neighbors': 42, 'weights': 'distance'}
Epoch : 121: f1_weighted Score 0.581 params {'algorithm': 'brute', 'leaf_size': 65, 'n_neighbors': 48, 'weights': 'uniform'}
Epoch : 122: f1_weighted Score 0.588 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 76, 'weights': 'distance'}
Epoch : 123: f1_weighted Score 0.650 params {'algorithm': 'kd_tree', 'leaf_size': 50, 'n_neighbors': 40, 'weights': 'distance'}
Epoch : 124: f1_weighted Score 0.595 params {'algorithm': 'ball_tree', 'leaf_size': 15, 'n_neighbors': 73, 'weights': 'distance'}
Epoch : 125: f1_weighted Score 0.604 params {'algorithm': 'brute', 'leaf_size': 75, 'n_neighbors': 51, 'weights': 'distance'}
Epoch : 126: f1_weighted Score 0.670 params {'algorithm': 'ball_tree', 'leaf_size': 60, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 127: f1_weighted Score 0.664 params {'algorithm': 'auto', 'leaf_size': 35, 'n_neighbors': 30, 'weights': 'uniform'}
Epoch : 128: f1_weighted Score 0.683 params {'algorithm': 'ball_tree', 'leaf_size': 55, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 129: f1_weighted Score 0.636 params {'algorithm': 'brute', 'leaf_size': 45, 'n_neighbors': 45, 'weights': 'distance'}
Epoch : 130: f1_weighted Score 0.602 params {'algorithm': 'kd_tree', 'leaf_size': 80, 'n_neighbors': 69, 'weights': 'distance'}
Epoch : 131: f1_weighted Score 0.560 params {'algorithm': 'ball_tree', 'leaf_size': 40, 'n_neighbors': 79, 'weights': 'uniform'}
Epoch : 132: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 50, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 133: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 134: f1_weighted Score 0.672 params {'algorithm': 'ball_tree', 'leaf_size': 55, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 135: f1_weighted Score 0.610 params {'algorithm': 'ball_tree', 'leaf_size': 65, 'n_neighbors': 53, 'weights': 'distance'}
Epoch : 136: f1_weighted Score 0.689 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 137: f1_weighted Score 0.584 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 44, 'weights': 'uniform'}
Epoch : 138: f1_weighted Score 0.648 params {'algorithm': 'auto', 'leaf_size': 40, 'n_neighbors': 41, 'weights': 'distance'}
Epoch : 139: f1_weighted Score 0.602 params {'algorithm': 'ball_tree', 'leaf_size': 20, 'n_neighbors': 58, 'weights': 'distance'}
Epoch : 140: f1_weighted Score 0.677 params {'algorithm': 'kd_tree', 'leaf_size': 45, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 141: f1_weighted Score 0.564 params {'algorithm': 'auto', 'leaf_size': 70, 'n_neighbors': 66, 'weights': 'uniform'}
Epoch : 142: f1_weighted Score 0.683 params {'algorithm': 'brute', 'leaf_size': 35, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 143: f1_weighted Score 0.602 params {'algorithm': 'ball_tree', 'leaf_size': 70, 'n_neighbors': 55, 'weights': 'distance'}
Epoch : 144: f1_weighted Score 0.663 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 145: f1_weighted Score 0.602 params {'algorithm': 'auto', 'leaf_size': 25, 'n_neighbors': 61, 'weights': 'distance'}
Epoch : 146: f1_weighted Score 0.689 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 147: f1_weighted Score 0.677 params {'algorithm': 'ball_tree', 'leaf_size': 50, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 148: f1_weighted Score 0.670 params {'algorithm': 'kd_tree', 'leaf_size': 55, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 149: f1_weighted Score 0.689 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 150: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 151: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 152: f1_weighted Score 0.677 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 153: f1_weighted Score 0.654 params {'algorithm': 'ball_tree', 'leaf_size': 45, 'n_neighbors': 39, 'weights': 'distance'}
Epoch : 154: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 155: f1_weighted Score 0.663 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 156: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 157: f1_weighted Score 0.670 params {'algorithm': 'auto', 'leaf_size': 50, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 158: f1_weighted Score 0.642 params {'algorithm': 'auto', 'leaf_size': 70, 'n_neighbors': 43, 'weights': 'distance'}
Epoch : 159: f1_weighted Score 0.650 params {'algorithm': 'auto', 'leaf_size': 70, 'n_neighbors': 40, 'weights': 'distance'}
Epoch : 160: f1_weighted Score 0.683 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 161: f1_weighted Score 0.672 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 162: f1_weighted Score 0.651 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 42, 'weights': 'distance'}
Epoch : 163: f1_weighted Score 0.608 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 38, 'weights': 'uniform'}
Epoch : 164: f1_weighted Score 0.677 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 165: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 166: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 167: f1_weighted Score 0.633 params {'algorithm': 'kd_tree', 'leaf_size': 50, 'n_neighbors': 47, 'weights': 'distance'}
Epoch : 168: f1_weighted Score 0.637 params {'algorithm': 'ball_tree', 'leaf_size': 45, 'n_neighbors': 36, 'weights': 'uniform'}
Epoch : 169: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 75, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 170: f1_weighted Score 0.683 params {'algorithm': 'ball_tree', 'leaf_size': 55, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 171: f1_weighted Score 0.648 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 41, 'weights': 'distance'}
Epoch : 172: f1_weighted Score 0.654 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 39, 'weights': 'distance'}
Epoch : 173: f1_weighted Score 0.670 params {'algorithm': 'brute', 'leaf_size': 50, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 174: f1_weighted Score 0.602 params {'algorithm': 'ball_tree', 'leaf_size': 70, 'n_neighbors': 64, 'weights': 'distance'}
Epoch : 175: f1_weighted Score 0.597 params {'algorithm': 'kd_tree', 'leaf_size': 75, 'n_neighbors': 37, 'weights': 'uniform'}
Epoch : 176: f1_weighted Score 0.639 params {'algorithm': 'ball_tree', 'leaf_size': 60, 'n_neighbors': 44, 'weights': 'distance'}
Epoch : 177: f1_weighted Score 0.620 params {'algorithm': 'brute', 'leaf_size': 35, 'n_neighbors': 50, 'weights': 'distance'}
Epoch : 178: f1_weighted Score 0.650 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 40, 'weights': 'distance'}
Epoch : 179: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 50, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 180: f1_weighted Score 0.599 params {'algorithm': 'auto', 'leaf_size': 40, 'n_neighbors': 70, 'weights': 'distance'}
Epoch : 181: f1_weighted Score 0.581 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 48, 'weights': 'uniform'}
Epoch : 182: f1_weighted Score 0.689 params {'algorithm': 'ball_tree', 'leaf_size': 70, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 183: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 45, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 184: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 35, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 185: f1_weighted Score 0.670 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 186: f1_weighted Score 0.632 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 33, 'weights': 'uniform'}
Epoch : 187: f1_weighted Score 0.651 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 42, 'weights': 'distance'}
Epoch : 188: f1_weighted Score 0.663 params {'algorithm': 'ball_tree', 'leaf_size': 60, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 189: f1_weighted Score 0.683 params {'algorithm': 'brute', 'leaf_size': 45, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 190: f1_weighted Score 0.639 params {'algorithm': 'auto', 'leaf_size': 40, 'n_neighbors': 46, 'weights': 'distance'}
Epoch : 191: f1_weighted Score 0.609 params {'algorithm': 'brute', 'leaf_size': 50, 'n_neighbors': 56, 'weights': 'distance'}
Epoch : 192: f1_weighted Score 0.632 params {'algorithm': 'kd_tree', 'leaf_size': 65, 'n_neighbors': 33, 'weights': 'uniform'}
Epoch : 193: f1_weighted Score 0.610 params {'algorithm': 'ball_tree', 'leaf_size': 70, 'n_neighbors': 52, 'weights': 'distance'}
Epoch : 194: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 195: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 5, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 196: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 15, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 197: f1_weighted Score 0.642 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 43, 'weights': 'distance'}
Epoch : 198: f1_weighted Score 0.650 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 40, 'weights': 'distance'}
Epoch : 199: f1_weighted Score 0.644 params {'algorithm': 'brute', 'leaf_size': 55, 'n_neighbors': 34, 'weights': 'uniform'}
Epoch : 200: f1_weighted Score 0.648 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 41, 'weights': 'distance'}
Epoch : 201: f1_weighted Score 0.599 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 67, 'weights': 'distance'}
Epoch : 202: f1_weighted Score 0.602 params {'algorithm': 'auto', 'leaf_size': 30, 'n_neighbors': 60, 'weights': 'distance'}
Epoch : 203: f1_weighted Score 0.683 params {'algorithm': 'ball_tree', 'leaf_size': 55, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 204: f1_weighted Score 0.574 params {'algorithm': 'kd_tree', 'leaf_size': 50, 'n_neighbors': 45, 'weights': 'uniform'}
Epoch : 205: f1_weighted Score 0.689 params {'algorithm': 'brute', 'leaf_size': 50, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 206: f1_weighted Score 0.595 params {'algorithm': 'ball_tree', 'leaf_size': 25, 'n_neighbors': 72, 'weights': 'distance'}
Epoch : 207: f1_weighted Score 0.599 params {'algorithm': 'auto', 'leaf_size': 80, 'n_neighbors': 62, 'weights': 'distance'}
Epoch : 208: f1_weighted Score 0.670 params {'algorithm': 'auto', 'leaf_size': 20, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 209: f1_weighted Score 0.654 params {'algorithm': 'ball_tree', 'leaf_size': 30, 'n_neighbors': 39, 'weights': 'distance'}
Epoch : 210: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 211: f1_weighted Score 0.575 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 49, 'weights': 'uniform'}
Epoch : 212: f1_weighted Score 0.663 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 213: f1_weighted Score 0.588 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 76, 'weights': 'distance'}
Epoch : 214: f1_weighted Score 0.654 params {'algorithm': 'brute', 'leaf_size': 5, 'n_neighbors': 39, 'weights': 'distance'}
Epoch : 215: f1_weighted Score 0.614 params {'algorithm': 'kd_tree', 'leaf_size': 75, 'n_neighbors': 54, 'weights': 'distance'}
Epoch : 216: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 15, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 217: f1_weighted Score 0.637 params {'algorithm': 'ball_tree', 'leaf_size': 70, 'n_neighbors': 36, 'weights': 'uniform'}
Epoch : 218: f1_weighted Score 0.683 params {'algorithm': 'brute', 'leaf_size': 20, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 219: f1_weighted Score 0.677 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 220: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 10, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 221: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 222: f1_weighted Score 0.651 params {'algorithm': 'brute', 'leaf_size': 5, 'n_neighbors': 42, 'weights': 'distance'}
Epoch : 223: f1_weighted Score 0.560 params {'algorithm': 'kd_tree', 'leaf_size': 35, 'n_neighbors': 58, 'weights': 'uniform'}
Epoch : 224: f1_weighted Score 0.604 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 51, 'weights': 'distance'}
Epoch : 225: f1_weighted Score 0.639 params {'algorithm': 'brute', 'leaf_size': 45, 'n_neighbors': 44, 'weights': 'distance'}
Epoch : 226: f1_weighted Score 0.648 params {'algorithm': 'auto', 'leaf_size': 45, 'n_neighbors': 41, 'weights': 'distance'}
Epoch : 227: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 35, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 228: f1_weighted Score 0.672 params {'algorithm': 'ball_tree', 'leaf_size': 25, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 229: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 35, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 230: f1_weighted Score 0.585 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 46, 'weights': 'uniform'}
Epoch : 231: f1_weighted Score 0.689 params {'algorithm': 'brute', 'leaf_size': 10, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 232: f1_weighted Score 0.670 params {'algorithm': 'ball_tree', 'leaf_size': 10, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 233: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 5, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 234: f1_weighted Score 0.654 params {'algorithm': 'ball_tree', 'leaf_size': 40, 'n_neighbors': 39, 'weights': 'distance'}
Epoch : 235: f1_weighted Score 0.643 params {'algorithm': 'brute', 'leaf_size': 45, 'n_neighbors': 32, 'weights': 'uniform'}
Epoch : 236: f1_weighted Score 0.592 params {'algorithm': 'kd_tree', 'leaf_size': 40, 'n_neighbors': 74, 'weights': 'distance'}
Epoch : 237: f1_weighted Score 0.633 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 47, 'weights': 'distance'}
Epoch : 238: f1_weighted Score 0.642 params {'algorithm': 'auto', 'leaf_size': 50, 'n_neighbors': 43, 'weights': 'distance'}
Epoch : 239: f1_weighted Score 0.677 params {'algorithm': 'kd_tree', 'leaf_size': 55, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 240: f1_weighted Score 0.670 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 241: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 242: f1_weighted Score 0.602 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 40, 'weights': 'uniform'}
Epoch : 243: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 15, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 244: f1_weighted Score 0.602 params {'algorithm': 'ball_tree', 'leaf_size': 70, 'n_neighbors': 64, 'weights': 'distance'}
Epoch : 245: f1_weighted Score 0.599 params {'algorithm': 'ball_tree', 'leaf_size': 30, 'n_neighbors': 57, 'weights': 'distance'}
Epoch : 246: f1_weighted Score 0.610 params {'algorithm': 'brute', 'leaf_size': 35, 'n_neighbors': 53, 'weights': 'distance'}
Epoch : 247: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 248: f1_weighted Score 0.643 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 32, 'weights': 'uniform'}
Epoch : 249: f1_weighted Score 0.636 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 45, 'weights': 'distance'}
Epoch : 250: f1_weighted Score 0.581 params {'algorithm': 'auto', 'leaf_size': 70, 'n_neighbors': 80, 'weights': 'distance'}
Epoch : 251: f1_weighted Score 0.689 params {'algorithm': 'brute', 'leaf_size': 20, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 252: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 50, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 253: f1_weighted Score 0.560 params {'algorithm': 'kd_tree', 'leaf_size': 30, 'n_neighbors': 78, 'weights': 'uniform'}
Epoch : 254: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 50, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 255: f1_weighted Score 0.631 params {'algorithm': 'ball_tree', 'leaf_size': 30, 'n_neighbors': 48, 'weights': 'distance'}
Epoch : 256: f1_weighted Score 0.677 params {'algorithm': 'ball_tree', 'leaf_size': 45, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 257: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 258: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 35, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 259: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 260: f1_weighted Score 0.683 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 261: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 70, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 262: f1_weighted Score 0.672 params {'algorithm': 'ball_tree', 'leaf_size': 35, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 263: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 45, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 264: f1_weighted Score 0.670 params {'algorithm': 'ball_tree', 'leaf_size': 50, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 265: f1_weighted Score 0.677 params {'algorithm': 'ball_tree', 'leaf_size': 40, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 266: f1_weighted Score 0.683 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 267: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 45, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 268: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 269: f1_weighted Score 0.672 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 270: f1_weighted Score 0.677 params {'algorithm': 'auto', 'leaf_size': 5, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 271: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 75, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 272: f1_weighted Score 0.670 params {'algorithm': 'brute', 'leaf_size': 35, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 273: f1_weighted Score 0.650 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 40, 'weights': 'distance'}
Epoch : 274: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 55, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 275: f1_weighted Score 0.689 params {'algorithm': 'kd_tree', 'leaf_size': 35, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 276: f1_weighted Score 0.677 params {'algorithm': 'ball_tree', 'leaf_size': 35, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 277: f1_weighted Score 0.654 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 39, 'weights': 'distance'}
Epoch : 278: f1_weighted Score 0.670 params {'algorithm': 'brute', 'leaf_size': 50, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 279: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 280: f1_weighted Score 0.683 params {'algorithm': 'brute', 'leaf_size': 75, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 281: f1_weighted Score 0.663 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 282: f1_weighted Score 0.591 params {'algorithm': 'ball_tree', 'leaf_size': 45, 'n_neighbors': 42, 'weights': 'uniform'}
Epoch : 283: f1_weighted Score 0.672 params {'algorithm': 'ball_tree', 'leaf_size': 70, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 284: f1_weighted Score 0.683 params {'algorithm': 'kd_tree', 'leaf_size': 40, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 285: f1_weighted Score 0.602 params {'algorithm': 'ball_tree', 'leaf_size': 15, 'n_neighbors': 59, 'weights': 'distance'}
Epoch : 286: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 55, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 287: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 40, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 288: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 289: f1_weighted Score 0.602 params {'algorithm': 'brute', 'leaf_size': 45, 'n_neighbors': 68, 'weights': 'distance'}
Epoch : 290: f1_weighted Score 0.634 params {'algorithm': 'ball_tree', 'leaf_size': 65, 'n_neighbors': 31, 'weights': 'uniform'}
Epoch : 291: f1_weighted Score 0.650 params {'algorithm': 'brute', 'leaf_size': 10, 'n_neighbors': 40, 'weights': 'distance'}
Epoch : 292: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 20, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 293: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 20, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 294: f1_weighted Score 0.677 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 295: f1_weighted Score 0.642 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 43, 'weights': 'distance'}
Epoch : 296: f1_weighted Score 0.622 params {'algorithm': 'brute', 'leaf_size': 80, 'n_neighbors': 35, 'weights': 'uniform'}
Epoch : 297: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 298: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 299: f1_weighted Score 0.663 params {'algorithm': 'kd_tree', 'leaf_size': 25, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 300: f1_weighted Score 0.677 params {'algorithm': 'ball_tree', 'leaf_size': 70, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 301: f1_weighted Score 0.663 params {'algorithm': 'ball_tree', 'leaf_size': 20, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 302: f1_weighted Score 0.648 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 41, 'weights': 'distance'}
Epoch : 303: f1_weighted Score 0.599 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 39, 'weights': 'uniform'}
Epoch : 304: f1_weighted Score 0.683 params {'algorithm': 'brute', 'leaf_size': 15, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 305: f1_weighted Score 0.651 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 42, 'weights': 'distance'}
Epoch : 306: f1_weighted Score 0.620 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 50, 'weights': 'distance'}
Epoch : 307: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 20, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 308: f1_weighted Score 0.670 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 309: f1_weighted Score 0.689 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 310: f1_weighted Score 0.595 params {'algorithm': 'brute', 'leaf_size': 45, 'n_neighbors': 71, 'weights': 'distance'}
Epoch : 311: f1_weighted Score 0.584 params {'algorithm': 'brute', 'leaf_size': 5, 'n_neighbors': 44, 'weights': 'uniform'}
Epoch : 312: f1_weighted Score 0.602 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 66, 'weights': 'distance'}
Epoch : 313: f1_weighted Score 0.683 params {'algorithm': 'kd_tree', 'leaf_size': 50, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 314: f1_weighted Score 0.672 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 315: f1_weighted Score 0.599 params {'algorithm': 'auto', 'leaf_size': 70, 'n_neighbors': 62, 'weights': 'distance'}
Epoch : 316: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 10, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 317: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 318: f1_weighted Score 0.599 params {'algorithm': 'auto', 'leaf_size': 5, 'n_neighbors': 39, 'weights': 'uniform'}
Epoch : 319: f1_weighted Score 0.677 params {'algorithm': 'auto', 'leaf_size': 35, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 320: f1_weighted Score 0.689 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 321: f1_weighted Score 0.663 params {'algorithm': 'ball_tree', 'leaf_size': 50, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 322: f1_weighted Score 0.602 params {'algorithm': 'brute', 'leaf_size': 35, 'n_neighbors': 55, 'weights': 'distance'}
Epoch : 323: f1_weighted Score 0.632 params {'algorithm': 'kd_tree', 'leaf_size': 40, 'n_neighbors': 33, 'weights': 'uniform'}
Epoch : 324: f1_weighted Score 0.650 params {'algorithm': 'ball_tree', 'leaf_size': 15, 'n_neighbors': 40, 'weights': 'distance'}
Epoch : 325: f1_weighted Score 0.670 params {'algorithm': 'brute', 'leaf_size': 20, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 326: f1_weighted Score 0.648 params {'algorithm': 'kd_tree', 'leaf_size': 40, 'n_neighbors': 41, 'weights': 'distance'}
Epoch : 327: f1_weighted Score 0.595 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 73, 'weights': 'distance'}
Epoch : 328: f1_weighted Score 0.636 params {'algorithm': 'auto', 'leaf_size': 35, 'n_neighbors': 45, 'weights': 'distance'}
Epoch : 329: f1_weighted Score 0.683 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 330: f1_weighted Score 0.663 params {'algorithm': 'ball_tree', 'leaf_size': 30, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 331: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 35, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 332: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 25, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 333: f1_weighted Score 0.575 params {'algorithm': 'kd_tree', 'leaf_size': 50, 'n_neighbors': 49, 'weights': 'uniform'}
Epoch : 334: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 70, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 335: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 20, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 336: f1_weighted Score 0.689 params {'algorithm': 'ball_tree', 'leaf_size': 10, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 337: f1_weighted Score 0.683 params {'algorithm': 'brute', 'leaf_size': 15, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 338: f1_weighted Score 0.670 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 339: f1_weighted Score 0.608 params {'algorithm': 'brute', 'leaf_size': 20, 'n_neighbors': 38, 'weights': 'uniform'}
Epoch : 340: f1_weighted Score 0.672 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 341: f1_weighted Score 0.677 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 342: f1_weighted Score 0.610 params {'algorithm': 'ball_tree', 'leaf_size': 70, 'n_neighbors': 52, 'weights': 'distance'}
Epoch : 343: f1_weighted Score 0.651 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 42, 'weights': 'distance'}
Epoch : 344: f1_weighted Score 0.639 params {'algorithm': 'brute', 'leaf_size': 50, 'n_neighbors': 46, 'weights': 'distance'}
Epoch : 345: f1_weighted Score 0.560 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 76, 'weights': 'uniform'}
Epoch : 346: f1_weighted Score 0.663 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 347: f1_weighted Score 0.633 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 47, 'weights': 'distance'}
Epoch : 348: f1_weighted Score 0.689 params {'algorithm': 'ball_tree', 'leaf_size': 10, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 349: f1_weighted Score 0.650 params {'algorithm': 'brute', 'leaf_size': 15, 'n_neighbors': 40, 'weights': 'distance'}
Epoch : 350: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 15, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 351: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 15, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 352: f1_weighted Score 0.639 params {'algorithm': 'auto', 'leaf_size': 10, 'n_neighbors': 44, 'weights': 'distance'}
Epoch : 353: f1_weighted Score 0.560 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 60, 'weights': 'uniform'}
Epoch : 354: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 80, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 355: f1_weighted Score 0.683 params {'algorithm': 'auto', 'leaf_size': 40, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 356: f1_weighted Score 0.654 params {'algorithm': 'ball_tree', 'leaf_size': 30, 'n_neighbors': 39, 'weights': 'distance'}
Epoch : 357: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 5, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 358: f1_weighted Score 0.599 params {'algorithm': 'ball_tree', 'leaf_size': 25, 'n_neighbors': 65, 'weights': 'distance'}
Epoch : 359: f1_weighted Score 0.632 params {'algorithm': 'brute', 'leaf_size': 45, 'n_neighbors': 33, 'weights': 'uniform'}
Epoch : 360: f1_weighted Score 0.599 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 63, 'weights': 'distance'}
Epoch : 361: f1_weighted Score 0.609 params {'algorithm': 'ball_tree', 'leaf_size': 25, 'n_neighbors': 56, 'weights': 'distance'}
Epoch : 362: f1_weighted Score 0.663 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 363: f1_weighted Score 0.648 params {'algorithm': 'kd_tree', 'leaf_size': 55, 'n_neighbors': 41, 'weights': 'distance'}
Epoch : 364: f1_weighted Score 0.642 params {'algorithm': 'ball_tree', 'leaf_size': 20, 'n_neighbors': 43, 'weights': 'distance'}
Epoch : 365: f1_weighted Score 0.697 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 366: f1_weighted Score 0.670 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 367: f1_weighted Score 0.643 params {'algorithm': 'brute', 'leaf_size': 75, 'n_neighbors': 32, 'weights': 'uniform'}
Epoch : 368: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 70, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 369: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 45, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 370: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 10, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 371: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 372: f1_weighted Score 0.614 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 54, 'weights': 'distance'}
Epoch : 373: f1_weighted Score 0.602 params {'algorithm': 'ball_tree', 'leaf_size': 35, 'n_neighbors': 58, 'weights': 'distance'}
Epoch : 374: f1_weighted Score 0.634 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 31, 'weights': 'uniform'}
Epoch : 375: f1_weighted Score 0.677 params {'algorithm': 'ball_tree', 'leaf_size': 60, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 376: f1_weighted Score 0.650 params {'algorithm': 'auto', 'leaf_size': 20, 'n_neighbors': 40, 'weights': 'distance'}
Epoch : 377: f1_weighted Score 0.602 params {'algorithm': 'auto', 'leaf_size': 45, 'n_neighbors': 68, 'weights': 'distance'}
Epoch : 378: f1_weighted Score 0.670 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 379: f1_weighted Score 0.654 params {'algorithm': 'brute', 'leaf_size': 5, 'n_neighbors': 39, 'weights': 'distance'}
Epoch : 380: f1_weighted Score 0.663 params {'algorithm': 'auto', 'leaf_size': 15, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 381: f1_weighted Score 0.564 params {'algorithm': 'kd_tree', 'leaf_size': 35, 'n_neighbors': 51, 'weights': 'uniform'}
Epoch : 382: f1_weighted Score 0.648 params {'algorithm': 'auto', 'leaf_size': 50, 'n_neighbors': 41, 'weights': 'distance'}
Epoch : 383: f1_weighted Score 0.683 params {'algorithm': 'brute', 'leaf_size': 10, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 384: f1_weighted Score 0.672 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 385: f1_weighted Score 0.677 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 386: f1_weighted Score 0.581 params {'algorithm': 'auto', 'leaf_size': 70, 'n_neighbors': 78, 'weights': 'distance'}
Epoch : 387: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 40, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 388: f1_weighted Score 0.631 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 48, 'weights': 'distance'}
Epoch : 389: f1_weighted Score 0.608 params {'algorithm': 'brute', 'leaf_size': 20, 'n_neighbors': 38, 'weights': 'uniform'}
Epoch : 390: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 55, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 391: f1_weighted Score 0.697 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 392: f1_weighted Score 0.697 params {'algorithm': 'ball_tree', 'leaf_size': 10, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 393: f1_weighted Score 0.642 params {'algorithm': 'ball_tree', 'leaf_size': 5, 'n_neighbors': 43, 'weights': 'distance'}
Epoch : 394: f1_weighted Score 0.670 params {'algorithm': 'ball_tree', 'leaf_size': 10, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 395: f1_weighted Score 0.632 params {'algorithm': 'kd_tree', 'leaf_size': 30, 'n_neighbors': 33, 'weights': 'uniform'}
Epoch : 396: f1_weighted Score 0.683 params {'algorithm': 'auto', 'leaf_size': 15, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 397: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 45, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 398: f1_weighted Score 0.689 params {'algorithm': 'brute', 'leaf_size': 75, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 399: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 25, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 400: f1_weighted Score 0.639 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 46, 'weights': 'distance'}
Epoch : 401: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 20, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 402: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 403: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 15, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 404: f1_weighted Score 0.683 params {'algorithm': 'kd_tree', 'leaf_size': 80, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 405: f1_weighted Score 0.683 params {'algorithm': 'ball_tree', 'leaf_size': 70, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 406: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 407: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 408: f1_weighted Score 0.677 params {'algorithm': 'brute', 'leaf_size': 15, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 409: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 35, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 410: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 40, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 411: f1_weighted Score 0.689 params {'algorithm': 'ball_tree', 'leaf_size': 25, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 412: f1_weighted Score 0.670 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 413: f1_weighted Score 0.677 params {'algorithm': 'ball_tree', 'leaf_size': 70, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 414: f1_weighted Score 0.683 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 415: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 25, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 416: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 417: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 418: f1_weighted Score 0.689 params {'algorithm': 'brute', 'leaf_size': 15, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 419: f1_weighted Score 0.670 params {'algorithm': 'brute', 'leaf_size': 50, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 420: f1_weighted Score 0.677 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 421: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 10, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 422: f1_weighted Score 0.654 params {'algorithm': 'brute', 'leaf_size': 5, 'n_neighbors': 39, 'weights': 'distance'}
Epoch : 423: f1_weighted Score 0.663 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 424: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 80, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 425: f1_weighted Score 0.683 params {'algorithm': 'auto', 'leaf_size': 5, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 426: f1_weighted Score 0.670 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 427: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 10, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 428: f1_weighted Score 0.689 params {'algorithm': 'ball_tree', 'leaf_size': 10, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 429: f1_weighted Score 0.677 params {'algorithm': 'auto', 'leaf_size': 70, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 430: f1_weighted Score 0.672 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 431: f1_weighted Score 0.599 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 70, 'weights': 'distance'}
Epoch : 432: f1_weighted Score 0.663 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 433: f1_weighted Score 0.664 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 30, 'weights': 'uniform'}
Epoch : 434: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 65, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 435: f1_weighted Score 0.683 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 436: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 80, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 437: f1_weighted Score 0.677 params {'algorithm': 'kd_tree', 'leaf_size': 60, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 438: f1_weighted Score 0.683 params {'algorithm': 'ball_tree', 'leaf_size': 70, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 439: f1_weighted Score 0.670 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 440: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 45, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 441: f1_weighted Score 0.608 params {'algorithm': 'kd_tree', 'leaf_size': 50, 'n_neighbors': 38, 'weights': 'uniform'}
Epoch : 442: f1_weighted Score 0.654 params {'algorithm': 'brute', 'leaf_size': 15, 'n_neighbors': 39, 'weights': 'distance'}
Epoch : 443: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 444: f1_weighted Score 0.650 params {'algorithm': 'kd_tree', 'leaf_size': 70, 'n_neighbors': 40, 'weights': 'distance'}
Epoch : 445: f1_weighted Score 0.689 params {'algorithm': 'ball_tree', 'leaf_size': 5, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 446: f1_weighted Score 0.672 params {'algorithm': 'ball_tree', 'leaf_size': 35, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 447: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 448: f1_weighted Score 0.591 params {'algorithm': 'brute', 'leaf_size': 45, 'n_neighbors': 42, 'weights': 'uniform'}
Epoch : 449: f1_weighted Score 0.620 params {'algorithm': 'brute', 'leaf_size': 35, 'n_neighbors': 50, 'weights': 'distance'}
Epoch : 450: f1_weighted Score 0.677 params {'algorithm': 'auto', 'leaf_size': 5, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 451: f1_weighted Score 0.683 params {'algorithm': 'kd_tree', 'leaf_size': 65, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 452: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 10, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 453: f1_weighted Score 0.588 params {'algorithm': 'brute', 'leaf_size': 5, 'n_neighbors': 75, 'weights': 'distance'}
Epoch : 454: f1_weighted Score 0.581 params {'algorithm': 'ball_tree', 'leaf_size': 15, 'n_neighbors': 80, 'weights': 'distance'}
Epoch : 455: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 35, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 456: f1_weighted Score 0.634 params {'algorithm': 'auto', 'leaf_size': 25, 'n_neighbors': 31, 'weights': 'uniform'}
Epoch : 457: f1_weighted Score 0.610 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 53, 'weights': 'distance'}
Epoch : 458: f1_weighted Score 0.670 params {'algorithm': 'kd_tree', 'leaf_size': 60, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 459: f1_weighted Score 0.683 params {'algorithm': 'kd_tree', 'leaf_size': 25, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 460: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 461: f1_weighted Score 0.602 params {'algorithm': 'kd_tree', 'leaf_size': 5, 'n_neighbors': 61, 'weights': 'distance'}
Epoch : 462: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 463: f1_weighted Score 0.663 params {'algorithm': 'kd_tree', 'leaf_size': 15, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 464: f1_weighted Score 0.632 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 33, 'weights': 'uniform'}
Epoch : 465: f1_weighted Score 0.689 params {'algorithm': 'kd_tree', 'leaf_size': 50, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 466: f1_weighted Score 0.663 params {'algorithm': 'auto', 'leaf_size': 70, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 467: f1_weighted Score 0.689 params {'algorithm': 'brute', 'leaf_size': 10, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 468: f1_weighted Score 0.648 params {'algorithm': 'brute', 'leaf_size': 55, 'n_neighbors': 41, 'weights': 'distance'}
Epoch : 469: f1_weighted Score 0.599 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 67, 'weights': 'distance'}
Epoch : 470: f1_weighted Score 0.654 params {'algorithm': 'auto', 'leaf_size': 20, 'n_neighbors': 39, 'weights': 'distance'}
Epoch : 471: f1_weighted Score 0.670 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 472: f1_weighted Score 0.683 params {'algorithm': 'kd_tree', 'leaf_size': 10, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 473: f1_weighted Score 0.602 params {'algorithm': 'ball_tree', 'leaf_size': 25, 'n_neighbors': 40, 'weights': 'uniform'}
Epoch : 474: f1_weighted Score 0.670 params {'algorithm': 'brute', 'leaf_size': 5, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 475: f1_weighted Score 0.677 params {'algorithm': 'brute', 'leaf_size': 45, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 476: f1_weighted Score 0.663 params {'algorithm': 'kd_tree', 'leaf_size': 40, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 477: f1_weighted Score 0.672 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 478: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 45, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 479: f1_weighted Score 0.689 params {'algorithm': 'kd_tree', 'leaf_size': 15, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 480: f1_weighted Score 0.643 params {'algorithm': 'auto', 'leaf_size': 40, 'n_neighbors': 32, 'weights': 'uniform'}
Epoch : 481: f1_weighted Score 0.677 params {'algorithm': 'brute', 'leaf_size': 5, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 482: f1_weighted Score 0.636 params {'algorithm': 'kd_tree', 'leaf_size': 15, 'n_neighbors': 45, 'weights': 'distance'}
Epoch : 483: f1_weighted Score 0.663 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 484: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 485: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 10, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 486: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 10, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 487: f1_weighted Score 0.670 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 488: f1_weighted Score 0.602 params {'algorithm': 'brute', 'leaf_size': 50, 'n_neighbors': 64, 'weights': 'distance'}
Epoch : 489: f1_weighted Score 0.683 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 490: f1_weighted Score 0.591 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 42, 'weights': 'uniform'}
Epoch : 491: f1_weighted Score 0.609 params {'algorithm': 'kd_tree', 'leaf_size': 60, 'n_neighbors': 56, 'weights': 'distance'}
Epoch : 492: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 30, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 493: f1_weighted Score 0.595 params {'algorithm': 'auto', 'leaf_size': 50, 'n_neighbors': 72, 'weights': 'distance'}
Epoch : 494: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 50, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 495: f1_weighted Score 0.663 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 496: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 15, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 497: f1_weighted Score 0.689 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 498: f1_weighted Score 0.632 params {'algorithm': 'ball_tree', 'leaf_size': 10, 'n_neighbors': 33, 'weights': 'uniform'}
Epoch : 499: f1_weighted Score 0.648 params {'algorithm': 'brute', 'leaf_size': 45, 'n_neighbors': 41, 'weights': 'distance'}
Epoch : 500: f1_weighted Score 0.663 params {'algorithm': 'ball_tree', 'leaf_size': 20, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 501: f1_weighted Score 0.642 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 43, 'weights': 'distance'}
Epoch : 502: f1_weighted Score 0.602 params {'algorithm': 'auto', 'leaf_size': 45, 'n_neighbors': 59, 'weights': 'distance'}
Epoch : 503: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 504: f1_weighted Score 0.599 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 39, 'weights': 'uniform'}
Epoch : 505: f1_weighted Score 0.683 params {'algorithm': 'brute', 'leaf_size': 35, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 506: f1_weighted Score 0.639 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 44, 'weights': 'distance'}
Epoch : 507: f1_weighted Score 0.670 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 508: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 70, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 509: f1_weighted Score 0.677 params {'algorithm': 'kd_tree', 'leaf_size': 25, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 510: f1_weighted Score 0.689 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 511: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 35, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 512: f1_weighted Score 0.650 params {'algorithm': 'ball_tree', 'leaf_size': 5, 'n_neighbors': 40, 'weights': 'distance'}
Epoch : 513: f1_weighted Score 0.637 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 36, 'weights': 'uniform'}
Epoch : 514: f1_weighted Score 0.683 params {'algorithm': 'auto', 'leaf_size': 10, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 515: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 516: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 517: f1_weighted Score 0.689 params {'algorithm': 'ball_tree', 'leaf_size': 35, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 518: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 45, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 519: f1_weighted Score 0.677 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 520: f1_weighted Score 0.654 params {'algorithm': 'brute', 'leaf_size': 5, 'n_neighbors': 39, 'weights': 'distance'}
Epoch : 521: f1_weighted Score 0.664 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 30, 'weights': 'uniform'}
Epoch : 522: f1_weighted Score 0.602 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 55, 'weights': 'distance'}
Epoch : 523: f1_weighted Score 0.670 params {'algorithm': 'auto', 'leaf_size': 30, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 524: f1_weighted Score 0.683 params {'algorithm': 'auto', 'leaf_size': 50, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 525: f1_weighted Score 0.663 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 526: f1_weighted Score 0.610 params {'algorithm': 'auto', 'leaf_size': 15, 'n_neighbors': 52, 'weights': 'distance'}
Epoch : 527: f1_weighted Score 0.633 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 47, 'weights': 'distance'}
Epoch : 528: f1_weighted Score 0.634 params {'algorithm': 'brute', 'leaf_size': 35, 'n_neighbors': 31, 'weights': 'uniform'}
Epoch : 529: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 70, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 530: f1_weighted Score 0.581 params {'algorithm': 'kd_tree', 'leaf_size': 55, 'n_neighbors': 77, 'weights': 'distance'}
Epoch : 531: f1_weighted Score 0.648 params {'algorithm': 'auto', 'leaf_size': 40, 'n_neighbors': 41, 'weights': 'distance'}
Epoch : 532: f1_weighted Score 0.677 params {'algorithm': 'brute', 'leaf_size': 35, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 533: f1_weighted Score 0.623 params {'algorithm': 'kd_tree', 'leaf_size': 45, 'n_neighbors': 49, 'weights': 'distance'}
Epoch : 534: f1_weighted Score 0.663 params {'algorithm': 'auto', 'leaf_size': 10, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 535: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 15, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 536: f1_weighted Score 0.650 params {'algorithm': 'auto', 'leaf_size': 75, 'n_neighbors': 40, 'weights': 'distance'}
Epoch : 537: f1_weighted Score 0.643 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 32, 'weights': 'uniform'}
Epoch : 538: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 60, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 539: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 15, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 540: f1_weighted Score 0.670 params {'algorithm': 'kd_tree', 'leaf_size': 50, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 541: f1_weighted Score 0.651 params {'algorithm': 'ball_tree', 'leaf_size': 50, 'n_neighbors': 42, 'weights': 'distance'}
Epoch : 542: f1_weighted Score 0.599 params {'algorithm': 'kd_tree', 'leaf_size': 5, 'n_neighbors': 65, 'weights': 'distance'}
Epoch : 543: f1_weighted Score 0.599 params {'algorithm': 'brute', 'leaf_size': 5, 'n_neighbors': 63, 'weights': 'distance'}
Epoch : 544: f1_weighted Score 0.677 params {'algorithm': 'auto', 'leaf_size': 75, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 545: f1_weighted Score 0.664 params {'algorithm': 'auto', 'leaf_size': 80, 'n_neighbors': 30, 'weights': 'uniform'}
Epoch : 546: f1_weighted Score 0.683 params {'algorithm': 'brute', 'leaf_size': 45, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 547: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 548: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 40, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 549: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 45, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 550: f1_weighted Score 0.663 params {'algorithm': 'kd_tree', 'leaf_size': 55, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 551: f1_weighted Score 0.599 params {'algorithm': 'kd_tree', 'leaf_size': 50, 'n_neighbors': 70, 'weights': 'distance'}
Epoch : 552: f1_weighted Score 0.595 params {'algorithm': 'brute', 'leaf_size': 20, 'n_neighbors': 73, 'weights': 'distance'}
Epoch : 553: f1_weighted Score 0.599 params {'algorithm': 'ball_tree', 'leaf_size': 35, 'n_neighbors': 39, 'weights': 'uniform'}
Epoch : 554: f1_weighted Score 0.639 params {'algorithm': 'kd_tree', 'leaf_size': 30, 'n_neighbors': 44, 'weights': 'distance'}
Epoch : 555: f1_weighted Score 0.670 params {'algorithm': 'kd_tree', 'leaf_size': 55, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 556: f1_weighted Score 0.639 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 46, 'weights': 'distance'}
Epoch : 557: f1_weighted Score 0.599 params {'algorithm': 'ball_tree', 'leaf_size': 10, 'n_neighbors': 57, 'weights': 'distance'}
Epoch : 558: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 559: f1_weighted Score 0.683 params {'algorithm': 'auto', 'leaf_size': 25, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 560: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 15, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 561: f1_weighted Score 0.632 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 33, 'weights': 'uniform'}
Epoch : 562: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 35, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 563: f1_weighted Score 0.670 params {'algorithm': 'brute', 'leaf_size': 10, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 564: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 25, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 565: f1_weighted Score 0.602 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 60, 'weights': 'distance'}
Epoch : 566: f1_weighted Score 0.689 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 567: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 35, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 568: f1_weighted Score 0.648 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 41, 'weights': 'distance'}
Epoch : 569: f1_weighted Score 0.683 params {'algorithm': 'brute', 'leaf_size': 45, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 570: f1_weighted Score 0.564 params {'algorithm': 'auto', 'leaf_size': 30, 'n_neighbors': 51, 'weights': 'uniform'}
Epoch : 571: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 572: f1_weighted Score 0.636 params {'algorithm': 'ball_tree', 'leaf_size': 10, 'n_neighbors': 45, 'weights': 'distance'}
Epoch : 573: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 15, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 574: f1_weighted Score 0.654 params {'algorithm': 'auto', 'leaf_size': 20, 'n_neighbors': 39, 'weights': 'distance'}
Epoch : 575: f1_weighted Score 0.677 params {'algorithm': 'kd_tree', 'leaf_size': 45, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 576: f1_weighted Score 0.602 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 69, 'weights': 'distance'}
Epoch : 577: f1_weighted Score 0.644 params {'algorithm': 'auto', 'leaf_size': 50, 'n_neighbors': 34, 'weights': 'uniform'}
Epoch : 578: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 15, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 579: f1_weighted Score 0.683 params {'algorithm': 'ball_tree', 'leaf_size': 50, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 580: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 581: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 582: f1_weighted Score 0.683 params {'algorithm': 'brute', 'leaf_size': 10, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 583: f1_weighted Score 0.677 params {'algorithm': 'auto', 'leaf_size': 50, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 584: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 585: f1_weighted Score 0.670 params {'algorithm': 'brute', 'leaf_size': 35, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 586: f1_weighted Score 0.683 params {'algorithm': 'auto', 'leaf_size': 70, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 587: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 588: f1_weighted Score 0.672 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 589: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 15, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 590: f1_weighted Score 0.677 params {'algorithm': 'kd_tree', 'leaf_size': 5, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 591: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 45, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 592: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 35, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 593: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 40, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 594: f1_weighted Score 0.683 params {'algorithm': 'auto', 'leaf_size': 10, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 595: f1_weighted Score 0.677 params {'algorithm': 'kd_tree', 'leaf_size': 15, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 596: f1_weighted Score 0.670 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 597: f1_weighted Score 0.689 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 598: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 15, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 599: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 50, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 600: f1_weighted Score 0.677 params {'algorithm': 'auto', 'leaf_size': 25, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 601: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 602: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 45, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 603: f1_weighted Score 0.689 params {'algorithm': 'kd_tree', 'leaf_size': 80, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 604: f1_weighted Score 0.683 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 605: f1_weighted Score 0.670 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 606: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 10, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 607: f1_weighted Score 0.689 params {'algorithm': 'kd_tree', 'leaf_size': 60, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 608: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 75, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 609: f1_weighted Score 0.683 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 610: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 611: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 612: f1_weighted Score 0.677 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 613: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 614: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 20, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 615: f1_weighted Score 0.677 params {'algorithm': 'brute', 'leaf_size': 20, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 616: f1_weighted Score 0.670 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 617: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 20, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 618: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 619: f1_weighted Score 0.683 params {'algorithm': 'kd_tree', 'leaf_size': 25, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 620: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 35, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 621: f1_weighted Score 0.689 params {'algorithm': 'kd_tree', 'leaf_size': 5, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 622: f1_weighted Score 0.632 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 33, 'weights': 'uniform'}
Epoch : 623: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 20, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 624: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 15, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 625: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 626: f1_weighted Score 0.683 params {'algorithm': 'ball_tree', 'leaf_size': 45, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 627: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 10, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 628: f1_weighted Score 0.689 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 629: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 35, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 630: f1_weighted Score 0.670 params {'algorithm': 'kd_tree', 'leaf_size': 65, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 631: f1_weighted Score 0.677 params {'algorithm': 'kd_tree', 'leaf_size': 15, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 632: f1_weighted Score 0.608 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 38, 'weights': 'uniform'}
Epoch : 633: f1_weighted Score 0.610 params {'algorithm': 'kd_tree', 'leaf_size': 30, 'n_neighbors': 53, 'weights': 'distance'}
Epoch : 634: f1_weighted Score 0.650 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 40, 'weights': 'distance'}
Epoch : 635: f1_weighted Score 0.599 params {'algorithm': 'brute', 'leaf_size': 50, 'n_neighbors': 62, 'weights': 'distance'}
Epoch : 636: f1_weighted Score 0.683 params {'algorithm': 'kd_tree', 'leaf_size': 15, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 637: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 35, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 638: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 5, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 639: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 5, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 640: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 5, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 641: f1_weighted Score 0.588 params {'algorithm': 'kd_tree', 'leaf_size': 15, 'n_neighbors': 75, 'weights': 'distance'}
Epoch : 642: f1_weighted Score 0.597 params {'algorithm': 'brute', 'leaf_size': 10, 'n_neighbors': 37, 'weights': 'uniform'}
Epoch : 643: f1_weighted Score 0.689 params {'algorithm': 'kd_tree', 'leaf_size': 45, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 644: f1_weighted Score 0.670 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 645: f1_weighted Score 0.683 params {'algorithm': 'ball_tree', 'leaf_size': 30, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 646: f1_weighted Score 0.677 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 647: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 35, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 648: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 10, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 649: f1_weighted Score 0.689 params {'algorithm': 'brute', 'leaf_size': 5, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 650: f1_weighted Score 0.637 params {'algorithm': 'kd_tree', 'leaf_size': 70, 'n_neighbors': 36, 'weights': 'uniform'}
Epoch : 651: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 652: f1_weighted Score 0.654 params {'algorithm': 'kd_tree', 'leaf_size': 15, 'n_neighbors': 39, 'weights': 'distance'}
Epoch : 653: f1_weighted Score 0.683 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 654: f1_weighted Score 0.677 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 655: f1_weighted Score 0.689 params {'algorithm': 'kd_tree', 'leaf_size': 15, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 656: f1_weighted Score 0.614 params {'algorithm': 'auto', 'leaf_size': 25, 'n_neighbors': 54, 'weights': 'distance'}
Epoch : 657: f1_weighted Score 0.670 params {'algorithm': 'kd_tree', 'leaf_size': 30, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 658: f1_weighted Score 0.560 params {'algorithm': 'kd_tree', 'leaf_size': 50, 'n_neighbors': 57, 'weights': 'uniform'}
Epoch : 659: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 10, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 660: f1_weighted Score 0.683 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 661: f1_weighted Score 0.631 params {'algorithm': 'auto', 'leaf_size': 10, 'n_neighbors': 48, 'weights': 'distance'}
Epoch : 662: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 70, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 663: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 664: f1_weighted Score 0.672 params {'algorithm': 'ball_tree', 'leaf_size': 15, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 665: f1_weighted Score 0.670 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 666: f1_weighted Score 0.677 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 667: f1_weighted Score 0.689 params {'algorithm': 'kd_tree', 'leaf_size': 25, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 668: f1_weighted Score 0.632 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 33, 'weights': 'uniform'}
Epoch : 669: f1_weighted Score 0.650 params {'algorithm': 'auto', 'leaf_size': 75, 'n_neighbors': 40, 'weights': 'distance'}
Epoch : 670: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 671: f1_weighted Score 0.663 params {'algorithm': 'kd_tree', 'leaf_size': 10, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 672: f1_weighted Score 0.683 params {'algorithm': 'kd_tree', 'leaf_size': 10, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 673: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 674: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 15, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 675: f1_weighted Score 0.642 params {'algorithm': 'auto', 'leaf_size': 15, 'n_neighbors': 43, 'weights': 'distance'}
Epoch : 676: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 70, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 677: f1_weighted Score 0.599 params {'algorithm': 'auto', 'leaf_size': 35, 'n_neighbors': 67, 'weights': 'distance'}
Epoch : 678: f1_weighted Score 0.622 params {'algorithm': 'kd_tree', 'leaf_size': 55, 'n_neighbors': 35, 'weights': 'uniform'}
Epoch : 679: f1_weighted Score 0.689 params {'algorithm': 'kd_tree', 'leaf_size': 45, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 680: f1_weighted Score 0.654 params {'algorithm': 'brute', 'leaf_size': 5, 'n_neighbors': 39, 'weights': 'distance'}
Epoch : 681: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 50, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 682: f1_weighted Score 0.683 params {'algorithm': 'kd_tree', 'leaf_size': 55, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 683: f1_weighted Score 0.677 params {'algorithm': 'auto', 'leaf_size': 40, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 684: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 45, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 685: f1_weighted Score 0.648 params {'algorithm': 'auto', 'leaf_size': 35, 'n_neighbors': 41, 'weights': 'distance'}
Epoch : 686: f1_weighted Score 0.597 params {'algorithm': 'auto', 'leaf_size': 35, 'n_neighbors': 37, 'weights': 'uniform'}
Epoch : 687: f1_weighted Score 0.683 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 688: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 25, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 689: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 690: f1_weighted Score 0.670 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 691: f1_weighted Score 0.689 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 692: f1_weighted Score 0.677 params {'algorithm': 'brute', 'leaf_size': 45, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 693: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 20, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 694: f1_weighted Score 0.644 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 34, 'weights': 'uniform'}
Epoch : 695: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 80, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 696: f1_weighted Score 0.663 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 697: f1_weighted Score 0.672 params {'algorithm': 'ball_tree', 'leaf_size': 50, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 698: f1_weighted Score 0.683 params {'algorithm': 'kd_tree', 'leaf_size': 15, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 699: f1_weighted Score 0.650 params {'algorithm': 'auto', 'leaf_size': 30, 'n_neighbors': 40, 'weights': 'distance'}
Epoch : 700: f1_weighted Score 0.602 params {'algorithm': 'auto', 'leaf_size': 25, 'n_neighbors': 58, 'weights': 'distance'}
Epoch : 701: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 10, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 702: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 5, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 703: f1_weighted Score 0.620 params {'algorithm': 'brute', 'leaf_size': 5, 'n_neighbors': 50, 'weights': 'distance'}
Epoch : 704: f1_weighted Score 0.632 params {'algorithm': 'auto', 'leaf_size': 75, 'n_neighbors': 33, 'weights': 'uniform'}
Epoch : 705: f1_weighted Score 0.599 params {'algorithm': 'auto', 'leaf_size': 40, 'n_neighbors': 65, 'weights': 'distance'}
Epoch : 706: f1_weighted Score 0.670 params {'algorithm': 'brute', 'leaf_size': 45, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 707: f1_weighted Score 0.592 params {'algorithm': 'auto', 'leaf_size': 45, 'n_neighbors': 74, 'weights': 'distance'}
Epoch : 708: f1_weighted Score 0.642 params {'algorithm': 'auto', 'leaf_size': 30, 'n_neighbors': 43, 'weights': 'distance'}
Epoch : 709: f1_weighted Score 0.683 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 710: f1_weighted Score 0.672 params {'algorithm': 'ball_tree', 'leaf_size': 15, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 711: f1_weighted Score 0.663 params {'algorithm': 'auto', 'leaf_size': 35, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 712: f1_weighted Score 0.591 params {'algorithm': 'kd_tree', 'leaf_size': 35, 'n_neighbors': 42, 'weights': 'uniform'}
Epoch : 713: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 714: f1_weighted Score 0.689 params {'algorithm': 'kd_tree', 'leaf_size': 65, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 715: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 10, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 716: f1_weighted Score 0.654 params {'algorithm': 'kd_tree', 'leaf_size': 70, 'n_neighbors': 39, 'weights': 'distance'}
Epoch : 717: f1_weighted Score 0.683 params {'algorithm': 'kd_tree', 'leaf_size': 25, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 718: f1_weighted Score 0.670 params {'algorithm': 'ball_tree', 'leaf_size': 50, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 719: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 50, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 720: f1_weighted Score 0.677 params {'algorithm': 'brute', 'leaf_size': 20, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 721: f1_weighted Score 0.663 params {'algorithm': 'kd_tree', 'leaf_size': 5, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 722: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 70, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 723: f1_weighted Score 0.634 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 31, 'weights': 'uniform'}
Epoch : 724: f1_weighted Score 0.677 params {'algorithm': 'kd_tree', 'leaf_size': 60, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 725: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 25, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 726: f1_weighted Score 0.581 params {'algorithm': 'auto', 'leaf_size': 30, 'n_neighbors': 77, 'weights': 'distance'}
Epoch : 727: f1_weighted Score 0.599 params {'algorithm': 'brute', 'leaf_size': 45, 'n_neighbors': 63, 'weights': 'distance'}
Epoch : 728: f1_weighted Score 0.654 params {'algorithm': 'brute', 'leaf_size': 5, 'n_neighbors': 39, 'weights': 'distance'}
Epoch : 729: f1_weighted Score 0.689 params {'algorithm': 'kd_tree', 'leaf_size': 55, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 730: f1_weighted Score 0.670 params {'algorithm': 'ball_tree', 'leaf_size': 15, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 731: f1_weighted Score 0.632 params {'algorithm': 'brute', 'leaf_size': 5, 'n_neighbors': 33, 'weights': 'uniform'}
Epoch : 732: f1_weighted Score 0.683 params {'algorithm': 'ball_tree', 'leaf_size': 70, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 733: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 35, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 734: f1_weighted Score 0.595 params {'algorithm': 'brute', 'leaf_size': 55, 'n_neighbors': 72, 'weights': 'distance'}
Epoch : 735: f1_weighted Score 0.581 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 79, 'weights': 'distance'}
Epoch : 736: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 10, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 737: f1_weighted Score 0.689 params {'algorithm': 'ball_tree', 'leaf_size': 5, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 738: f1_weighted Score 0.651 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 42, 'weights': 'distance'}
Epoch : 739: f1_weighted Score 0.663 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 740: f1_weighted Score 0.643 params {'algorithm': 'auto', 'leaf_size': 50, 'n_neighbors': 32, 'weights': 'uniform'}
Epoch : 741: f1_weighted Score 0.670 params {'algorithm': 'ball_tree', 'leaf_size': 60, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 742: f1_weighted Score 0.602 params {'algorithm': 'brute', 'leaf_size': 50, 'n_neighbors': 66, 'weights': 'distance'}
Epoch : 743: f1_weighted Score 0.650 params {'algorithm': 'ball_tree', 'leaf_size': 5, 'n_neighbors': 40, 'weights': 'distance'}
Epoch : 744: f1_weighted Score 0.677 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 745: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 746: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 10, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 747: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 80, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 748: f1_weighted Score 0.663 params {'algorithm': 'auto', 'leaf_size': 25, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 749: f1_weighted Score 0.663 params {'algorithm': 'kd_tree', 'leaf_size': 80, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 750: f1_weighted Score 0.574 params {'algorithm': 'auto', 'leaf_size': 10, 'n_neighbors': 47, 'weights': 'uniform'}
Epoch : 751: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 752: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 5, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 753: f1_weighted Score 0.683 params {'algorithm': 'kd_tree', 'leaf_size': 30, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 754: f1_weighted Score 0.636 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 45, 'weights': 'distance'}
Epoch : 755: f1_weighted Score 0.683 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 756: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 35, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 757: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 758: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 40, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 759: f1_weighted Score 0.610 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 52, 'weights': 'distance'}
Epoch : 760: f1_weighted Score 0.632 params {'algorithm': 'brute', 'leaf_size': 10, 'n_neighbors': 33, 'weights': 'uniform'}
Epoch : 761: f1_weighted Score 0.654 params {'algorithm': 'brute', 'leaf_size': 5, 'n_neighbors': 39, 'weights': 'distance'}
Epoch : 762: f1_weighted Score 0.689 params {'algorithm': 'ball_tree', 'leaf_size': 50, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 763: f1_weighted Score 0.602 params {'algorithm': 'auto', 'leaf_size': 80, 'n_neighbors': 61, 'weights': 'distance'}
Epoch : 764: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 70, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 765: f1_weighted Score 0.670 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 766: f1_weighted Score 0.648 params {'algorithm': 'kd_tree', 'leaf_size': 70, 'n_neighbors': 41, 'weights': 'distance'}
Epoch : 767: f1_weighted Score 0.632 params {'algorithm': 'brute', 'leaf_size': 55, 'n_neighbors': 33, 'weights': 'uniform'}
Epoch : 768: f1_weighted Score 0.672 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 769: f1_weighted Score 0.609 params {'algorithm': 'kd_tree', 'leaf_size': 60, 'n_neighbors': 56, 'weights': 'distance'}
Epoch : 770: f1_weighted Score 0.683 params {'algorithm': 'brute', 'leaf_size': 15, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 771: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 772: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 773: f1_weighted Score 0.670 params {'algorithm': 'auto', 'leaf_size': 45, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 774: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 20, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 775: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 5, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 776: f1_weighted Score 0.643 params {'algorithm': 'auto', 'leaf_size': 40, 'n_neighbors': 32, 'weights': 'uniform'}
Epoch : 777: f1_weighted Score 0.595 params {'algorithm': 'auto', 'leaf_size': 5, 'n_neighbors': 71, 'weights': 'distance'}
Epoch : 778: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 30, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 779: f1_weighted Score 0.623 params {'algorithm': 'kd_tree', 'leaf_size': 55, 'n_neighbors': 49, 'weights': 'distance'}
Epoch : 780: f1_weighted Score 0.677 params {'algorithm': 'auto', 'leaf_size': 20, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 781: f1_weighted Score 0.648 params {'algorithm': 'brute', 'leaf_size': 60, 'n_neighbors': 41, 'weights': 'distance'}
Epoch : 782: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 75, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 783: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 30, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 784: f1_weighted Score 0.663 params {'algorithm': 'kd_tree', 'leaf_size': 10, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 785: f1_weighted Score 0.634 params {'algorithm': 'ball_tree', 'leaf_size': 35, 'n_neighbors': 31, 'weights': 'uniform'}
Epoch : 786: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 15, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 787: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 20, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 788: f1_weighted Score 0.689 params {'algorithm': 'brute', 'leaf_size': 35, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 789: f1_weighted Score 0.683 params {'algorithm': 'auto', 'leaf_size': 40, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 790: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 791: f1_weighted Score 0.677 params {'algorithm': 'auto', 'leaf_size': 40, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 792: f1_weighted Score 0.683 params {'algorithm': 'kd_tree', 'leaf_size': 35, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 793: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 40, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 794: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 10, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 795: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 796: f1_weighted Score 0.677 params {'algorithm': 'brute', 'leaf_size': 10, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 797: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 65, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 798: f1_weighted Score 0.683 params {'algorithm': 'brute', 'leaf_size': 35, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 799: f1_weighted Score 0.689 params {'algorithm': 'brute', 'leaf_size': 10, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 800: f1_weighted Score 0.683 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 801: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 45, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 802: f1_weighted Score 0.602 params {'algorithm': 'auto', 'leaf_size': 50, 'n_neighbors': 59, 'weights': 'distance'}
Epoch : 803: f1_weighted Score 0.689 params {'algorithm': 'ball_tree', 'leaf_size': 35, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 804: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 15, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 805: f1_weighted Score 0.683 params {'algorithm': 'auto', 'leaf_size': 70, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 806: f1_weighted Score 0.677 params {'algorithm': 'kd_tree', 'leaf_size': 15, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 807: f1_weighted Score 0.670 params {'algorithm': 'kd_tree', 'leaf_size': 5, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 808: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 50, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 809: f1_weighted Score 0.677 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 810: f1_weighted Score 0.689 params {'algorithm': 'brute', 'leaf_size': 5, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 811: f1_weighted Score 0.670 params {'algorithm': 'kd_tree', 'leaf_size': 35, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 812: f1_weighted Score 0.677 params {'algorithm': 'brute', 'leaf_size': 50, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 813: f1_weighted Score 0.689 params {'algorithm': 'ball_tree', 'leaf_size': 10, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 814: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 815: f1_weighted Score 0.683 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 816: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 15, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 817: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 818: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 15, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 819: f1_weighted Score 0.683 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 820: f1_weighted Score 0.697 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 821: f1_weighted Score 0.670 params {'algorithm': 'auto', 'leaf_size': 70, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 822: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 823: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 15, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 824: f1_weighted Score 0.677 params {'algorithm': 'kd_tree', 'leaf_size': 80, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 825: f1_weighted Score 0.689 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 826: f1_weighted Score 0.683 params {'algorithm': 'kd_tree', 'leaf_size': 70, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 827: f1_weighted Score 0.670 params {'algorithm': 'brute', 'leaf_size': 55, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 828: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 829: f1_weighted Score 0.683 params {'algorithm': 'kd_tree', 'leaf_size': 15, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 830: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 15, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 831: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 40, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 832: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 30, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 833: f1_weighted Score 0.677 params {'algorithm': 'auto', 'leaf_size': 25, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 834: f1_weighted Score 0.689 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 835: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 30, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 836: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 45, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 837: f1_weighted Score 0.677 params {'algorithm': 'kd_tree', 'leaf_size': 10, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 838: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 35, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 839: f1_weighted Score 0.683 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 840: f1_weighted Score 0.637 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 36, 'weights': 'uniform'}
Epoch : 841: f1_weighted Score 0.697 params {'algorithm': 'ball_tree', 'leaf_size': 45, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 842: f1_weighted Score 0.670 params {'algorithm': 'ball_tree', 'leaf_size': 10, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 843: f1_weighted Score 0.689 params {'algorithm': 'kd_tree', 'leaf_size': 5, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 844: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 35, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 845: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 20, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 846: f1_weighted Score 0.614 params {'algorithm': 'brute', 'leaf_size': 20, 'n_neighbors': 54, 'weights': 'distance'}
Epoch : 847: f1_weighted Score 0.677 params {'algorithm': 'auto', 'leaf_size': 70, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 848: f1_weighted Score 0.689 params {'algorithm': 'kd_tree', 'leaf_size': 40, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 849: f1_weighted Score 0.643 params {'algorithm': 'auto', 'leaf_size': 70, 'n_neighbors': 32, 'weights': 'uniform'}
Epoch : 850: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 80, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 851: f1_weighted Score 0.663 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 852: f1_weighted Score 0.683 params {'algorithm': 'brute', 'leaf_size': 55, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 853: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 25, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 854: f1_weighted Score 0.670 params {'algorithm': 'kd_tree', 'leaf_size': 10, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 855: f1_weighted Score 0.581 params {'algorithm': 'brute', 'leaf_size': 5, 'n_neighbors': 79, 'weights': 'distance'}
Epoch : 856: f1_weighted Score 0.677 params {'algorithm': 'ball_tree', 'leaf_size': 5, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 857: f1_weighted Score 0.689 params {'algorithm': 'brute', 'leaf_size': 5, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 858: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 5, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 859: f1_weighted Score 0.632 params {'algorithm': 'auto', 'leaf_size': 35, 'n_neighbors': 33, 'weights': 'uniform'}
Epoch : 860: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 80, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 861: f1_weighted Score 0.602 params {'algorithm': 'auto', 'leaf_size': 75, 'n_neighbors': 69, 'weights': 'distance'}
Epoch : 862: f1_weighted Score 0.683 params {'algorithm': 'auto', 'leaf_size': 75, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 863: f1_weighted Score 0.689 params {'algorithm': 'kd_tree', 'leaf_size': 10, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 864: f1_weighted Score 0.670 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 865: f1_weighted Score 0.654 params {'algorithm': 'kd_tree', 'leaf_size': 30, 'n_neighbors': 39, 'weights': 'distance'}
Epoch : 866: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 15, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 867: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 15, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 868: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 5, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 869: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 15, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 870: f1_weighted Score 0.643 params {'algorithm': 'auto', 'leaf_size': 15, 'n_neighbors': 32, 'weights': 'uniform'}
Epoch : 871: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 35, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 872: f1_weighted Score 0.677 params {'algorithm': 'ball_tree', 'leaf_size': 5, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 873: f1_weighted Score 0.670 params {'algorithm': 'auto', 'leaf_size': 45, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 874: f1_weighted Score 0.689 params {'algorithm': 'kd_tree', 'leaf_size': 10, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 875: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 70, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 876: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 877: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 20, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 878: f1_weighted Score 0.683 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 879: f1_weighted Score 0.663 params {'algorithm': 'kd_tree', 'leaf_size': 10, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 880: f1_weighted Score 0.634 params {'algorithm': 'auto', 'leaf_size': 45, 'n_neighbors': 31, 'weights': 'uniform'}
Epoch : 881: f1_weighted Score 0.677 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 882: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 883: f1_weighted Score 0.689 params {'algorithm': 'kd_tree', 'leaf_size': 55, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 884: f1_weighted Score 0.650 params {'algorithm': 'auto', 'leaf_size': 10, 'n_neighbors': 40, 'weights': 'distance'}
Epoch : 885: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 15, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 886: f1_weighted Score 0.683 params {'algorithm': 'kd_tree', 'leaf_size': 65, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 887: f1_weighted Score 0.677 params {'algorithm': 'kd_tree', 'leaf_size': 45, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 888: f1_weighted Score 0.697 params {'algorithm': 'ball_tree', 'leaf_size': 5, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 889: f1_weighted Score 0.639 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 44, 'weights': 'distance'}
Epoch : 890: f1_weighted Score 0.622 params {'algorithm': 'auto', 'leaf_size': 5, 'n_neighbors': 35, 'weights': 'uniform'}
Epoch : 891: f1_weighted Score 0.689 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 892: f1_weighted Score 0.663 params {'algorithm': 'kd_tree', 'leaf_size': 40, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 893: f1_weighted Score 0.697 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 894: f1_weighted Score 0.672 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 895: f1_weighted Score 0.683 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 896: f1_weighted Score 0.672 params {'algorithm': 'ball_tree', 'leaf_size': 15, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 897: f1_weighted Score 0.677 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 898: f1_weighted Score 0.599 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 62, 'weights': 'distance'}
Epoch : 899: f1_weighted Score 0.634 params {'algorithm': 'kd_tree', 'leaf_size': 70, 'n_neighbors': 31, 'weights': 'uniform'}
Epoch : 900: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 10, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 901: f1_weighted Score 0.683 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 902: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 10, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 903: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 70, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 904: f1_weighted Score 0.670 params {'algorithm': 'kd_tree', 'leaf_size': 10, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 905: f1_weighted Score 0.654 params {'algorithm': 'brute', 'leaf_size': 5, 'n_neighbors': 39, 'weights': 'distance'}
Epoch : 906: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 10, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 907: f1_weighted Score 0.631 params {'algorithm': 'brute', 'leaf_size': 15, 'n_neighbors': 48, 'weights': 'distance'}
Epoch : 908: f1_weighted Score 0.643 params {'algorithm': 'brute', 'leaf_size': 35, 'n_neighbors': 32, 'weights': 'uniform'}
Epoch : 909: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 15, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 910: f1_weighted Score 0.602 params {'algorithm': 'kd_tree', 'leaf_size': 40, 'n_neighbors': 55, 'weights': 'distance'}
Epoch : 911: f1_weighted Score 0.604 params {'algorithm': 'auto', 'leaf_size': 50, 'n_neighbors': 51, 'weights': 'distance'}
Epoch : 912: f1_weighted Score 0.677 params {'algorithm': 'kd_tree', 'leaf_size': 5, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 913: f1_weighted Score 0.639 params {'algorithm': 'auto', 'leaf_size': 15, 'n_neighbors': 46, 'weights': 'distance'}
Epoch : 914: f1_weighted Score 0.670 params {'algorithm': 'kd_tree', 'leaf_size': 15, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 915: f1_weighted Score 0.677 params {'algorithm': 'auto', 'leaf_size': 25, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 916: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 25, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 917: f1_weighted Score 0.602 params {'algorithm': 'kd_tree', 'leaf_size': 25, 'n_neighbors': 60, 'weights': 'distance'}
Epoch : 918: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 20, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 919: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 15, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 920: f1_weighted Score 0.683 params {'algorithm': 'kd_tree', 'leaf_size': 10, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 921: f1_weighted Score 0.637 params {'algorithm': 'kd_tree', 'leaf_size': 15, 'n_neighbors': 36, 'weights': 'uniform'}
Epoch : 922: f1_weighted Score 0.663 params {'algorithm': 'kd_tree', 'leaf_size': 75, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 923: f1_weighted Score 0.689 params {'algorithm': 'kd_tree', 'leaf_size': 15, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 924: f1_weighted Score 0.670 params {'algorithm': 'auto', 'leaf_size': 45, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 925: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 45, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 926: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 927: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 30, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 928: f1_weighted Score 0.602 params {'algorithm': 'brute', 'leaf_size': 40, 'n_neighbors': 68, 'weights': 'distance'}
Epoch : 929: f1_weighted Score 0.643 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 32, 'weights': 'uniform'}
Epoch : 930: f1_weighted Score 0.677 params {'algorithm': 'auto', 'leaf_size': 40, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 931: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 5, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 932: f1_weighted Score 0.650 params {'algorithm': 'auto', 'leaf_size': 75, 'n_neighbors': 40, 'weights': 'distance'}
Epoch : 933: f1_weighted Score 0.592 params {'algorithm': 'kd_tree', 'leaf_size': 50, 'n_neighbors': 74, 'weights': 'distance'}
Epoch : 934: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 65, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 935: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 15, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 936: f1_weighted Score 0.677 params {'algorithm': 'auto', 'leaf_size': 45, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 937: f1_weighted Score 0.683 params {'algorithm': 'ball_tree', 'leaf_size': 70, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 938: f1_weighted Score 0.663 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 939: f1_weighted Score 0.689 params {'algorithm': 'kd_tree', 'leaf_size': 70, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 940: f1_weighted Score 0.622 params {'algorithm': 'kd_tree', 'leaf_size': 5, 'n_neighbors': 35, 'weights': 'uniform'}
Epoch : 941: f1_weighted Score 0.588 params {'algorithm': 'auto', 'leaf_size': 25, 'n_neighbors': 76, 'weights': 'distance'}
Epoch : 942: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 40, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 943: f1_weighted Score 0.599 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 57, 'weights': 'distance'}
Epoch : 944: f1_weighted Score 0.689 params {'algorithm': 'kd_tree', 'leaf_size': 35, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 945: f1_weighted Score 0.610 params {'algorithm': 'brute', 'leaf_size': 10, 'n_neighbors': 53, 'weights': 'distance'}
Epoch : 946: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 35, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 947: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 75, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 948: f1_weighted Score 0.654 params {'algorithm': 'brute', 'leaf_size': 75, 'n_neighbors': 39, 'weights': 'distance'}
Epoch : 949: f1_weighted Score 0.683 params {'algorithm': 'ball_tree', 'leaf_size': 15, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 950: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 10, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 951: f1_weighted Score 0.632 params {'algorithm': 'auto', 'leaf_size': 20, 'n_neighbors': 33, 'weights': 'uniform'}
Epoch : 952: f1_weighted Score 0.670 params {'algorithm': 'auto', 'leaf_size': 10, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 953: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 10, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 954: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 15, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 955: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 20, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 956: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 957: f1_weighted Score 0.683 params {'algorithm': 'auto', 'leaf_size': 50, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 958: f1_weighted Score 0.677 params {'algorithm': 'auto', 'leaf_size': 60, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 959: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 960: f1_weighted Score 0.651 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 42, 'weights': 'distance'}
Epoch : 961: f1_weighted Score 0.560 params {'algorithm': 'ball_tree', 'leaf_size': 10, 'n_neighbors': 65, 'weights': 'uniform'}
Epoch : 962: f1_weighted Score 0.672 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 963: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 964: f1_weighted Score 0.683 params {'algorithm': 'auto', 'leaf_size': 75, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 965: f1_weighted Score 0.672 params {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 966: f1_weighted Score 0.620 params {'algorithm': 'auto', 'leaf_size': 20, 'n_neighbors': 50, 'weights': 'distance'}
Epoch : 967: f1_weighted Score 0.639 params {'algorithm': 'brute', 'leaf_size': 80, 'n_neighbors': 44, 'weights': 'distance'}
Epoch : 968: f1_weighted Score 0.689 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 969: f1_weighted Score 0.648 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 41, 'weights': 'distance'}
Epoch : 970: f1_weighted Score 0.663 params {'algorithm': 'auto', 'leaf_size': 15, 'n_neighbors': 37, 'weights': 'distance'}
Epoch : 971: f1_weighted Score 0.632 params {'algorithm': 'auto', 'leaf_size': 30, 'n_neighbors': 33, 'weights': 'uniform'}
Epoch : 972: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 55, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 973: f1_weighted Score 0.670 params {'algorithm': 'auto', 'leaf_size': 5, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 974: f1_weighted Score 0.683 params {'algorithm': 'brute', 'leaf_size': 20, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 975: f1_weighted Score 0.697 params {'algorithm': 'kd_tree', 'leaf_size': 20, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 976: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 55, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 977: f1_weighted Score 0.689 params {'algorithm': 'kd_tree', 'leaf_size': 70, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 978: f1_weighted Score 0.677 params {'algorithm': 'kd_tree', 'leaf_size': 30, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 979: f1_weighted Score 0.672 params {'algorithm': 'kd_tree', 'leaf_size': 55, 'n_neighbors': 36, 'weights': 'distance'}
Epoch : 980: f1_weighted Score 0.697 params {'algorithm': 'auto', 'leaf_size': 15, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 981: f1_weighted Score 0.602 params {'algorithm': 'brute', 'leaf_size': 5, 'n_neighbors': 40, 'weights': 'uniform'}
Epoch : 982: f1_weighted Score 0.677 params {'algorithm': 'kd_tree', 'leaf_size': 80, 'n_neighbors': 33, 'weights': 'distance'}
Epoch : 983: f1_weighted Score 0.697 params {'algorithm': 'brute', 'leaf_size': 75, 'n_neighbors': 30, 'weights': 'distance'}
Epoch : 984: f1_weighted Score 0.670 params {'algorithm': 'kd_tree', 'leaf_size': 10, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 985: f1_weighted Score 0.599 params {'algorithm': 'brute', 'leaf_size': 30, 'n_neighbors': 70, 'weights': 'distance'}
Epoch : 986: f1_weighted Score 0.654 params {'algorithm': 'auto', 'leaf_size': 30, 'n_neighbors': 39, 'weights': 'distance'}
Epoch : 987: f1_weighted Score 0.689 params {'algorithm': 'ball_tree', 'leaf_size': 25, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 988: f1_weighted Score 0.683 params {'algorithm': 'kd_tree', 'leaf_size': 75, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 989: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 15, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 990: f1_weighted Score 0.597 params {'algorithm': 'auto', 'leaf_size': 70, 'n_neighbors': 37, 'weights': 'uniform'}
Epoch : 991: f1_weighted Score 0.602 params {'algorithm': 'ball_tree', 'leaf_size': 75, 'n_neighbors': 64, 'weights': 'distance'}
Epoch : 992: f1_weighted Score 0.683 params {'algorithm': 'ball_tree', 'leaf_size': 15, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 993: f1_weighted Score 0.670 params {'algorithm': 'auto', 'leaf_size': 65, 'n_neighbors': 35, 'weights': 'distance'}
Epoch : 994: f1_weighted Score 0.642 params {'algorithm': 'ball_tree', 'leaf_size': 35, 'n_neighbors': 43, 'weights': 'distance'}
Epoch : 995: f1_weighted Score 0.689 params {'algorithm': 'auto', 'leaf_size': 25, 'n_neighbors': 31, 'weights': 'distance'}
Epoch : 996: f1_weighted Score 0.672 params {'algorithm': 'auto', 'leaf_size': 70, 'n_neighbors': 34, 'weights': 'distance'}
Epoch : 997: f1_weighted Score 0.683 params {'algorithm': 'auto', 'leaf_size': 75, 'n_neighbors': 32, 'weights': 'distance'}
Epoch : 998: f1_weighted Score 0.663 params {'algorithm': 'brute', 'leaf_size': 10, 'n_neighbors': 38, 'weights': 'distance'}
Epoch : 999: f1_weighted Score 0.633 params {'algorithm': 'brute', 'leaf_size': 25, 'n_neighbors': 47, 'weights': 'distance'}
Epoch : 1000: f1_weighted Score 0.637 params {'algorithm': 'brute', 'leaf_size': 70, 'n_neighbors': 36, 'weights': 'uniform'}
the best option is: {'algorithm': 'ball_tree', 'leaf_size': 80, 'n_neighbors': 30, 'weights': 'distance'}
Cooresponding loss:
0.6770178141618608

Get training_set for Meta-Learner from all base models

In [249]:
X_normal = train_cl[ML_columns].values
Y_normal = train_cl['Target'].values
test_normal = test_raw[ML_columns].values
X_cat = train_cl[catboost_columns].values
Y_cat = train_cl['Target'].values
test_cat = test_raw[catboost_columns].values
In [250]:
# Create our OOF train and test predictions. These base results will be used as new features
NB_oof_train, NB_oof_test = get_oof(NB.clf(**NB.best_option), train_cl[ML_columns], train_cl['Target'], test_raw[ML_columns]) # GradientBoosting
print("NB is complete")
Ridge_oof_train, Ridge_oof_test = get_oof(Ridge.clf(**Ridge.best_option), train_cl[ML_columns], train_cl['Target'], test_raw[ML_columns]) # GradientBoosting
print("Ridge is complete")
SVC_oof_train, SVC_oof_test = get_oof(SVC.clf(**SVC.best_option), train_cl[ML_columns], train_cl['Target'], test_raw[ML_columns]) # GradientBoosting
print("SVC is complete")
NuSVC_oof_train, NuSVC_oof_test = get_oof(NuSVC.clf(**NuSVC.best_option), train_cl[ML_columns], train_cl['Target'], test_raw[ML_columns]) # GradientBoosting
print("NuSVC is complete")
LR_oof_train, LR_oof_test = get_oof(LR.clf(**LR.best_option), train_cl[ML_columns], train_cl['Target'], test_raw[ML_columns]) # GradientBoosting
print("LR is complete")
XGB_oof_train, XGB_oof_test = get_oof(XGB.clf(**XGB.best_option), train_cl[ML_columns], train_cl['Target'], test_raw[ML_columns]) # GradientBoosting
print("XGB is complete")
LGB_oof_train, LGB_oof_test = get_oof(LGB.clf(**LGB.best_option), train_cl[ML_columns], train_cl['Target'], test_raw[ML_columns]) # GradientBoosting
print("LGB is complete")
RF_oof_train, RF_oof_test = get_oof(RF.clf(**RF.best_option), train_cl[ML_columns], train_cl['Target'], test_raw[ML_columns]) # Random Forest
print("RF is complete")
ET_oof_train, ET_oof_test = get_oof(ET.clf(**ET.best_option), train_cl[ML_columns], train_cl['Target'], test_raw[ML_columns]) # GradientBoosting
print("ET is complete")
KNC_oof_train, KNC_oof_test = get_oof(KNC.clf(**KNC.best_option), train_cl[ML_columns], train_cl['Target'], test_raw[ML_columns]) # GradientBoosting
print("KNC is complete")

print("**Everything is complete**")
NB is complete
Ridge is complete
SVC is complete
NuSVC is complete
LR is complete
XGB is complete
LGB is complete
RF is complete
ET is complete
KNC is complete
**Everything is complete**
In [251]:
X_train, X_test, y_train, y_test = train_test_split(train_cl[ML_columns], train_cl['Target'], test_size=0.3, random_state=42)
In [252]:
model = SVC.clf(**SVC.best_option).fit(X_train,y_train)
pred = model.predict(X_test)
print(pred)
[1 1 1 1 1 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 1 0 1
 1 1 1 1 1 1 1 1 1 0 0 0 0 0 1 0 1 1 1 1 1 0 1 0 0 0 1 1 1 1 1 1 1 0 1 1 1
 0 1 1 0 0 1 1 1 1 1 1 1 1 0 1 1 1 0 0 1 1 1 1 1 1 1 1 1 1 1 1 0 1 0 1 1 1
 0 1 1 1 1 1 1 1 1 1 1 1 0 1 1 1 0 1 1 0 1 1 0 1 1 1 1 1 1 1 1 1 1 1 1 1 1
 1 1 1 1 0 1 1 1 1 1 0 1 1 1 1 1 1 1 1 1 1 1 0 1 0 0 1 1 1 0 1 1 1 1 1 1 0]
In [253]:
SVC.best_option
Out[253]:
{'C': 0.23006033161093953, 'kernel': 'poly', 'probability': False}
In [ ]:
 
In [ ]:
 
In [ ]:
 
In [254]:
train_cl.Target.value_counts()
Out[254]:
1    422
0    192
Name: Target, dtype: int64
In [260]:
model_predictions.iloc[:,5].value_counts()
Out[260]:
1.0    476
0.0    138
Name: XGB, dtype: int64
In [ ]:
 
In [261]:
model_name = ['NB','Ridge','SVC','NuSVC','LR','XGB','LGB','RF','ET','KNC']
model_predictions = pd.DataFrame(np.concatenate((NB_oof_train,Ridge_oof_train,SVC_oof_train,NuSVC_oof_train,LR_oof_train,
                                                 XGB_oof_train,LGB_oof_train,RF_oof_train,ET_oof_train,KNC_oof_train),axis=1),
                                columns=model_name)
# model_predictions.head(50)
correlation_heatmap(model_predictions)

Second-level prediction from First-level output

In [262]:
x_train = np.concatenate((NB_oof_train,
                          Ridge_oof_train,
                          SVC_oof_train,
                          NuSVC_oof_train,
                          LR_oof_train,
                          XGB_oof_train,
                          LGB_oof_train,
                          RF_oof_train,
                          ET_oof_train,
                          KNC_oof_train    
                        ), axis=1)
x_test = np.concatenate((NB_oof_test,
                        Ridge_oof_test,
                        SVC_oof_test,
                        NuSVC_oof_test,
                        LR_oof_test,
                        XGB_oof_test,
                        LGB_oof_test,
                        RF_oof_test,
                        ET_oof_test,
                        KNC_oof_test
                        ), axis=1)
In [263]:
x_train.shape
Out[263]:
(614, 10)
In [264]:
temp = pd.DataFrame(x_train)
In [265]:
temp.loc[:,4].value_counts()
Out[265]:
1.0    512
0.0    102
Name: 4, dtype: int64
In [374]:
x_test.shape
Out[374]:
(367, 10)
In [375]:
Y_normal.shape
Out[375]:
(614,)
In [ ]:
# Bayesian optimization for Meta_learner XGBClassifier

space = {
        'max_depth': hp.quniform('max_depth', 2, 20, 1),
        'min_child_samples': hp.quniform ('min_child_samples', 1, 20, 1),
        'subsample': hp.uniform ('subsample', 0.8, 1),
        'n_estimators' : hp.quniform('n_estimators', 50,1500,25),
        'learning_rate' : hp.loguniform('learning_rate', np.log(0.005), np.log(0.2)),
        'gamma' : hp.uniform('gamma', 0, 1),
        'colsample_bytree' : hp.uniform('colsample_bytree', 0.3, 1.0)
}
trial = Trials()
def hyperopt_XGBClassifier(space):
    model = XGBClassifier(n_estimators= int(space['n_estimators']),
                           max_depth = int(space['max_depth']),
                           min_child_samples = space['min_child_samples'],
                           subsample = space['subsample'],
                           learning_rate= space['learning_rate'],
                           gamma = space['gamma'],
                           colsample_bytree = space['colsample_bytree']
                           )
    
    score = cross_val_score(model,
                            x_train, 
                            Y_normal, 
                            cv  = cv,
                            scoring='roc_auc'                            
                           )
    print("AUC Score {:.3f} params {}".format(score.mean(), space))
    return {'loss':(1 - score.mean()), 'status': STATUS_OK}
best = fmin(fn=hyperopt_XGBClassifier,
            space=space,
            algo=tpe.suggest,
            trials=trial,
            max_evals=1000)
print(best)
clf = XGBClassifier(n_estimators = int(best['n_estimators']),
                   max_depth = int(best['max_depth']),
                   min_child_samples = best['min_child_samples'],
                   subsample = best['subsample'],
                   learning_rate = best['learning_rate'],
                   gamma = best['gamma'],
                   colsample_bytree = best['colsample_bytree'])
final_score3 = cross_val_score(clf,
                        x_train, 
                        Y_normal, 
                        cv  = cv,
                        scoring='roc_auc'                            
                       )

print('Cooresponding loss:', final_score3.mean(), sep='\n')
In [269]:
clf = linear_model.LogisticRegression()
cv_results = cross_validate(clf,
                        x_train, 
                        Y_normal, 
                        cv  = cv,
                        scoring='roc_auc'                            
                       )
print('The mean cv Training score:',cv_results['train_score'].mean())
print('The mean cv Testing score:',cv_results['test_score'].mean())
The mean cv Training score: 0.7436017571420688
The mean cv Testing score: 0.7435207902225859
In [271]:
cv_results.keys()
Out[271]:
dict_keys(['fit_time', 'score_time', 'test_score', 'train_score'])
In [272]:
cv_results['train_score']
Out[272]:
array([0.73937572, 0.75089521, 0.75261926, 0.74963168, 0.73864892,
       0.74198058, 0.73206094])
In [268]:
clf = XGBClassifier(colsample_bytree= 0.8015108548851223, 
              gamma= 0.08250170313479895, 
              learning_rate= 0.007489280162898703, 
              max_depth= 19, 
              min_child_samples= 11, 
              n_estimators= 75, 
              subsample= 0.9613809231458298)
cv_results = cross_val_score(clf,
                        train_cl[ML_columns], 
                        Y_normal, 
                        cv  = cv,
                        scoring='roc_auc'                            
                       )

print('The mean cv Testing score:',cv_results.mean())
cv_results
The mean cv Testing score: 0.773858830113709
Out[268]:
array([0.81674473, 0.75117096, 0.67440476, 0.81419753, 0.85802469,
       0.6882716 , 0.81419753])
In [ ]:
clf = XGBClassifier()
cv_results = cross_validate(clf,
                        x_train, 
                        Y_normal, 
                        cv  = cv,
                        scoring='roc_auc'                            
                       )
print('The mean cv Training score:',cv_results['train_score'].mean())
print('The mean cv Testing score:',cv_results['test_score'].mean())
cv_results['train_score']
In [ ]:
 
In [ ]:
prediction = second_model.predict(x_test)
In [ ]:
prediction
In [ ]: