以 Breast Cancer Dataset数据集为例实现基于python的lightgbm开发实现模型训练:
import numpy as np
from collections import Counter
import pandas as pd
import lightgbm as lgb
from sklearn.datasets import load_breast_cancer,load_boston,load_wine
from sklearn.model_selection import train_test_split
from sklearn.preprocessing import StandardScaler
from sklearn.ensemble import GradientBoostingClassifier
from sklearn.metrics import mean_squared_error,roc_auc_score,precision_score
pd.options.display.max_columns = 999
#loading the breast cancer dataset
X=load_breast_cancer()
Y=X.target
#train_test_split
X_train,X_test,y_train,y_test=train_test_split(X.data,Y,test_size=0.3,random_state=0)
#converting the dataset into proper LGB format
d_train=lgb.Dataset(X_train, label=y_train)
d_test= lgb.Dataset(X_test, label=y_test)
#Specifying the parameter
params={}
params['learning_rate']=0.03 #学习率
params['boosting_type']='gbdt' #GradientBoostingDecisionTree
params['objective']='binary' #这里选择二分类
params['metric']='binary_logloss' #二分类损失函数
params['max_depth']=8 #树的最大深度
params['num_leaves']=256
params['feature_fraction']=0.8
params['bagging_fraction']=0.8
params['num_threads']=4 #线程数,建议等于CPU内核数。
params['verbosity']=20
params['early_stopping_round']=5
#train the model
clf=lgb.train(params,d_train,200,valid_sets=[d_train, d_test]) #train the model on 100 epocs
#prediction on the test set
y_pred=clf.predict(X_test, num_iteration=clf.best_iteration)
clf.save_model('model.txt')
threshold = 0.5
pred_result = []
for mypred in y_pred:
if mypred > threshold:
pred_result.append(1)
else:
pred_result.append(0)
pred_result=np.array(pred_result)
print(np.sum(pred_result == y_test)/(y_test.shape))
训练结果如下:
[LightGBM] [Info] Number of positive: 249, number of negative: 149
[LightGBM] [Debug] Dataset::GetMultiBinFromAllFeatures: sparse rate 0.003518
[LightGBM] [Debug] init for col-wise cost 0.000009 seconds, init for row-wise cost 0.000308 seconds
[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000582 seconds.
You can set `force_col_wise=true` to remove the overhead.
[LightGBM] [Info] Total Bins 3978
[LightGBM] [Info] Number of data points in the train set: 398, number of used features: 30
[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.625628 -> initscore=0.513507
[LightGBM] [Info] Start training from score 0.513507
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 6 and depth = 4
[1] training's binary_logloss: 0.637099 valid_1's binary_logloss: 0.635929
Training until validation scores don't improve for 5 rounds
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 12 and depth = 7
[2] training's binary_logloss: 0.614854 valid_1's binary_logloss: 0.614422
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 14 and depth = 8
[3] training's binary_logloss: 0.593595 valid_1's binary_logloss: 0.594355
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 14 and depth = 8
[4] training's binary_logloss: 0.573574 valid_1's binary_logloss: 0.576194
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[5] training's binary_logloss: 0.554915 valid_1's binary_logloss: 0.558234
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 14 and depth = 8
[6] training's binary_logloss: 0.537236 valid_1's binary_logloss: 0.541329
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 14 and depth = 8
[7] training's binary_logloss: 0.520261 valid_1's binary_logloss: 0.525344
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 14 and depth = 8
[8] training's binary_logloss: 0.50415 valid_1's binary_logloss: 0.510902
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 15 and depth = 8
[9] training's binary_logloss: 0.489039 valid_1's binary_logloss: 0.496493
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 14 and depth = 8
[10] training's binary_logloss: 0.474772 valid_1's binary_logloss: 0.482647
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 14 and depth = 8
[11] training's binary_logloss: 0.46088 valid_1's binary_logloss: 0.469516
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 14 and depth = 8
[12] training's binary_logloss: 0.447623 valid_1's binary_logloss: 0.457724
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 14 and depth = 8
[13] training's binary_logloss: 0.435023 valid_1's binary_logloss: 0.4458
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 15 and depth = 8
[14] training's binary_logloss: 0.422836 valid_1's binary_logloss: 0.434193
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[15] training's binary_logloss: 0.411056 valid_1's binary_logloss: 0.422647
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 15 and depth = 8
[16] training's binary_logloss: 0.400121 valid_1's binary_logloss: 0.412698
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 15 and depth = 8
[17] training's binary_logloss: 0.389486 valid_1's binary_logloss: 0.402639
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 14 and depth = 8
[18] training's binary_logloss: 0.379253 valid_1's binary_logloss: 0.393552
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 15 and depth = 8
[19] training's binary_logloss: 0.368862 valid_1's binary_logloss: 0.383841
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 15 and depth = 8
[20] training's binary_logloss: 0.358789 valid_1's binary_logloss: 0.374633
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 15 and depth = 8
[21] training's binary_logloss: 0.349929 valid_1's binary_logloss: 0.366389
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[22] training's binary_logloss: 0.340764 valid_1's binary_logloss: 0.357705
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 14 and depth = 8
[23] training's binary_logloss: 0.33238 valid_1's binary_logloss: 0.349571
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[24] training's binary_logloss: 0.324111 valid_1's binary_logloss: 0.342498
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[25] training's binary_logloss: 0.315687 valid_1's binary_logloss: 0.334863
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[26] training's binary_logloss: 0.308073 valid_1's binary_logloss: 0.327378
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[27] training's binary_logloss: 0.300772 valid_1's binary_logloss: 0.320921
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[28] training's binary_logloss: 0.293271 valid_1's binary_logloss: 0.314473
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[29] training's binary_logloss: 0.285343 valid_1's binary_logloss: 0.307776
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 15 and depth = 8
[30] training's binary_logloss: 0.278194 valid_1's binary_logloss: 0.301608
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 15 and depth = 8
[31] training's binary_logloss: 0.271275 valid_1's binary_logloss: 0.295728
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[32] training's binary_logloss: 0.265241 valid_1's binary_logloss: 0.289948
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 14 and depth = 8
[33] training's binary_logloss: 0.259076 valid_1's binary_logloss: 0.283951
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[34] training's binary_logloss: 0.252781 valid_1's binary_logloss: 0.279285
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[35] training's binary_logloss: 0.247148 valid_1's binary_logloss: 0.274897
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 18 and depth = 8
[36] training's binary_logloss: 0.241241 valid_1's binary_logloss: 0.269207
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 14 and depth = 8
[37] training's binary_logloss: 0.235034 valid_1's binary_logloss: 0.262967
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[38] training's binary_logloss: 0.229855 valid_1's binary_logloss: 0.258816
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[39] training's binary_logloss: 0.224032 valid_1's binary_logloss: 0.254141
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 14 and depth = 8
[40] training's binary_logloss: 0.218463 valid_1's binary_logloss: 0.248447
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[41] training's binary_logloss: 0.213459 valid_1's binary_logloss: 0.243892
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 14 and depth = 8
[42] training's binary_logloss: 0.20825 valid_1's binary_logloss: 0.238368
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 15 and depth = 8
[43] training's binary_logloss: 0.203643 valid_1's binary_logloss: 0.234943
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[44] training's binary_logloss: 0.198778 valid_1's binary_logloss: 0.230943
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[45] training's binary_logloss: 0.194485 valid_1's binary_logloss: 0.226699
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 15 and depth = 8
[46] training's binary_logloss: 0.190259 valid_1's binary_logloss: 0.223144
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 14 and depth = 8
[47] training's binary_logloss: 0.185813 valid_1's binary_logloss: 0.218368
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[48] training's binary_logloss: 0.181977 valid_1's binary_logloss: 0.214225
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 15 and depth = 8
[49] training's binary_logloss: 0.178122 valid_1's binary_logloss: 0.211552
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 13 and depth = 8
[50] training's binary_logloss: 0.174413 valid_1's binary_logloss: 0.20768
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[51] training's binary_logloss: 0.170787 valid_1's binary_logloss: 0.204712
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 15 and depth = 8
[52] training's binary_logloss: 0.167322 valid_1's binary_logloss: 0.20178
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 14 and depth = 8
[53] training's binary_logloss: 0.163606 valid_1's binary_logloss: 0.198179
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[54] training's binary_logloss: 0.160253 valid_1's binary_logloss: 0.194558
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 18 and depth = 8
[55] training's binary_logloss: 0.156964 valid_1's binary_logloss: 0.191423
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 18 and depth = 8
[56] training's binary_logloss: 0.153701 valid_1's binary_logloss: 0.188552
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 14 and depth = 8
[57] training's binary_logloss: 0.150384 valid_1's binary_logloss: 0.18526
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[58] training's binary_logloss: 0.147348 valid_1's binary_logloss: 0.182651
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 14 and depth = 8
[59] training's binary_logloss: 0.144237 valid_1's binary_logloss: 0.17956
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 15 and depth = 8
[60] training's binary_logloss: 0.141067 valid_1's binary_logloss: 0.177025
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[61] training's binary_logloss: 0.138078 valid_1's binary_logloss: 0.174932
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 18 and depth = 8
[62] training's binary_logloss: 0.135064 valid_1's binary_logloss: 0.172666
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[63] training's binary_logloss: 0.132053 valid_1's binary_logloss: 0.169564
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 15 and depth = 8
[64] training's binary_logloss: 0.129503 valid_1's binary_logloss: 0.167971
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[65] training's binary_logloss: 0.126807 valid_1's binary_logloss: 0.166067
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[66] training's binary_logloss: 0.124472 valid_1's binary_logloss: 0.164573
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 18 and depth = 8
[67] training's binary_logloss: 0.121803 valid_1's binary_logloss: 0.162297
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 18 and depth = 8
[68] training's binary_logloss: 0.119218 valid_1's binary_logloss: 0.160165
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[69] training's binary_logloss: 0.116834 valid_1's binary_logloss: 0.158635
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 15 and depth = 8
[70] training's binary_logloss: 0.114698 valid_1's binary_logloss: 0.157089
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[71] training's binary_logloss: 0.11267 valid_1's binary_logloss: 0.155189
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 14 and depth = 8
[72] training's binary_logloss: 0.110581 valid_1's binary_logloss: 0.154139
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 14 and depth = 8
[73] training's binary_logloss: 0.108455 valid_1's binary_logloss: 0.151963
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[74] training's binary_logloss: 0.106526 valid_1's binary_logloss: 0.150431
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[75] training's binary_logloss: 0.104603 valid_1's binary_logloss: 0.148599
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 13 and depth = 8
[76] training's binary_logloss: 0.102858 valid_1's binary_logloss: 0.147094
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 14 and depth = 8
[77] training's binary_logloss: 0.100941 valid_1's binary_logloss: 0.145486
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 15 and depth = 8
[78] training's binary_logloss: 0.0990606 valid_1's binary_logloss: 0.144956
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[79] training's binary_logloss: 0.0972208 valid_1's binary_logloss: 0.143309
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 15 and depth = 8
[80] training's binary_logloss: 0.0955612 valid_1's binary_logloss: 0.141914
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 14 and depth = 8
[81] training's binary_logloss: 0.0936662 valid_1's binary_logloss: 0.140107
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 15 and depth = 8
[82] training's binary_logloss: 0.0918074 valid_1's binary_logloss: 0.13822
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[83] training's binary_logloss: 0.0902194 valid_1's binary_logloss: 0.136428
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[84] training's binary_logloss: 0.0887508 valid_1's binary_logloss: 0.135742
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 18 and depth = 8
[85] training's binary_logloss: 0.0868116 valid_1's binary_logloss: 0.133592
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[86] training's binary_logloss: 0.0854032 valid_1's binary_logloss: 0.132641
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[87] training's binary_logloss: 0.0839658 valid_1's binary_logloss: 0.131172
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[88] training's binary_logloss: 0.0821433 valid_1's binary_logloss: 0.129201
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 15 and depth = 8
[89] training's binary_logloss: 0.0806435 valid_1's binary_logloss: 0.12819
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 15 and depth = 8
[90] training's binary_logloss: 0.0790972 valid_1's binary_logloss: 0.126917
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[91] training's binary_logloss: 0.0776276 valid_1's binary_logloss: 0.125677
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[92] training's binary_logloss: 0.0759841 valid_1's binary_logloss: 0.123773
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[93] training's binary_logloss: 0.0744986 valid_1's binary_logloss: 0.122142
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 15 and depth = 8
[94] training's binary_logloss: 0.0731048 valid_1's binary_logloss: 0.120618
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[95] training's binary_logloss: 0.0715668 valid_1's binary_logloss: 0.11887
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[96] training's binary_logloss: 0.0702457 valid_1's binary_logloss: 0.117539
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 20 and depth = 8
[97] training's binary_logloss: 0.0687897 valid_1's binary_logloss: 0.115905
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 18 and depth = 8
[98] training's binary_logloss: 0.0673354 valid_1's binary_logloss: 0.11401
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 18 and depth = 8
[99] training's binary_logloss: 0.0658814 valid_1's binary_logloss: 0.112051
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[100] training's binary_logloss: 0.0646956 valid_1's binary_logloss: 0.11111
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 20 and depth = 8
[101] training's binary_logloss: 0.0633999 valid_1's binary_logloss: 0.110353
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[102] training's binary_logloss: 0.0621868 valid_1's binary_logloss: 0.108952
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 18 and depth = 8
[103] training's binary_logloss: 0.060923 valid_1's binary_logloss: 0.10819
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 18 and depth = 8
[104] training's binary_logloss: 0.0595603 valid_1's binary_logloss: 0.106797
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[105] training's binary_logloss: 0.0583284 valid_1's binary_logloss: 0.105589
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[106] training's binary_logloss: 0.0571175 valid_1's binary_logloss: 0.104555
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[107] training's binary_logloss: 0.0558811 valid_1's binary_logloss: 0.103554
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 18 and depth = 8
[108] training's binary_logloss: 0.054666 valid_1's binary_logloss: 0.102321
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[109] training's binary_logloss: 0.0534981 valid_1's binary_logloss: 0.101348
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[110] training's binary_logloss: 0.0522027 valid_1's binary_logloss: 0.100143
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[111] training's binary_logloss: 0.0511505 valid_1's binary_logloss: 0.0990465
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[112] training's binary_logloss: 0.050289 valid_1's binary_logloss: 0.0984799
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[113] training's binary_logloss: 0.0492806 valid_1's binary_logloss: 0.0976036
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[114] training's binary_logloss: 0.0481638 valid_1's binary_logloss: 0.0970437
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[115] training's binary_logloss: 0.0472125 valid_1's binary_logloss: 0.0959391
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[116] training's binary_logloss: 0.0462155 valid_1's binary_logloss: 0.0952578
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[117] training's binary_logloss: 0.0450958 valid_1's binary_logloss: 0.0944288
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 18 and depth = 8
[118] training's binary_logloss: 0.0441526 valid_1's binary_logloss: 0.093485
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 18 and depth = 8
[119] training's binary_logloss: 0.0430816 valid_1's binary_logloss: 0.0927758
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[120] training's binary_logloss: 0.0420753 valid_1's binary_logloss: 0.0921918
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[121] training's binary_logloss: 0.0413452 valid_1's binary_logloss: 0.0914901
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[122] training's binary_logloss: 0.0403758 valid_1's binary_logloss: 0.0905335
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[123] training's binary_logloss: 0.0394884 valid_1's binary_logloss: 0.0898742
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[124] training's binary_logloss: 0.038686 valid_1's binary_logloss: 0.0893582
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[125] training's binary_logloss: 0.037697 valid_1's binary_logloss: 0.0885564
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[126] training's binary_logloss: 0.0367451 valid_1's binary_logloss: 0.0877966
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[127] training's binary_logloss: 0.0360618 valid_1's binary_logloss: 0.0872113
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 24 and depth = 8
[128] training's binary_logloss: 0.0352308 valid_1's binary_logloss: 0.0863429
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[129] training's binary_logloss: 0.0345178 valid_1's binary_logloss: 0.0856196
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[130] training's binary_logloss: 0.0337563 valid_1's binary_logloss: 0.0851076
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 18 and depth = 8
[131] training's binary_logloss: 0.0329809 valid_1's binary_logloss: 0.084401
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 22 and depth = 7
[132] training's binary_logloss: 0.0322279 valid_1's binary_logloss: 0.0835122
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[133] training's binary_logloss: 0.0315716 valid_1's binary_logloss: 0.0827184
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[134] training's binary_logloss: 0.0310195 valid_1's binary_logloss: 0.0823835
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[135] training's binary_logloss: 0.0304041 valid_1's binary_logloss: 0.0816694
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 6
[136] training's binary_logloss: 0.0298142 valid_1's binary_logloss: 0.0808947
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 6
[137] training's binary_logloss: 0.0292435 valid_1's binary_logloss: 0.0798641
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 23 and depth = 7
[138] training's binary_logloss: 0.0286536 valid_1's binary_logloss: 0.0791714
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 22 and depth = 7
[139] training's binary_logloss: 0.0280507 valid_1's binary_logloss: 0.0785432
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 20 and depth = 8
[140] training's binary_logloss: 0.0274645 valid_1's binary_logloss: 0.0778465
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 18 and depth = 8
[141] training's binary_logloss: 0.0269174 valid_1's binary_logloss: 0.0774328
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 24 and depth = 8
[142] training's binary_logloss: 0.0263429 valid_1's binary_logloss: 0.0769741
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 18 and depth = 8
[143] training's binary_logloss: 0.0258156 valid_1's binary_logloss: 0.0765868
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[144] training's binary_logloss: 0.025373 valid_1's binary_logloss: 0.0760364
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 22 and depth = 7
[145] training's binary_logloss: 0.0248701 valid_1's binary_logloss: 0.0755277
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 14 and depth = 8
[146] training's binary_logloss: 0.0244912 valid_1's binary_logloss: 0.0751147
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 22 and depth = 7
[147] training's binary_logloss: 0.023934 valid_1's binary_logloss: 0.0744406
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[148] training's binary_logloss: 0.0234691 valid_1's binary_logloss: 0.0739813
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 18 and depth = 8
[149] training's binary_logloss: 0.0229897 valid_1's binary_logloss: 0.0731026
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[150] training's binary_logloss: 0.0225124 valid_1's binary_logloss: 0.0729205
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 15 and depth = 8
[151] training's binary_logloss: 0.022092 valid_1's binary_logloss: 0.0725503
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 15 and depth = 8
[152] training's binary_logloss: 0.0216892 valid_1's binary_logloss: 0.0723016
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 23 and depth = 8
[153] training's binary_logloss: 0.0212022 valid_1's binary_logloss: 0.0716951
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[154] training's binary_logloss: 0.0207975 valid_1's binary_logloss: 0.0713447
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[155] training's binary_logloss: 0.020463 valid_1's binary_logloss: 0.0712453
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[156] training's binary_logloss: 0.020018 valid_1's binary_logloss: 0.0702304
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 18 and depth = 8
[157] training's binary_logloss: 0.019635 valid_1's binary_logloss: 0.0696673
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[158] training's binary_logloss: 0.0192115 valid_1's binary_logloss: 0.069452
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[159] training's binary_logloss: 0.0188222 valid_1's binary_logloss: 0.0692833
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 20 and depth = 8
[160] training's binary_logloss: 0.0183735 valid_1's binary_logloss: 0.0687872
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 20 and depth = 8
[161] training's binary_logloss: 0.0180016 valid_1's binary_logloss: 0.0685565
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 18 and depth = 8
[162] training's binary_logloss: 0.0176148 valid_1's binary_logloss: 0.068289
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[163] training's binary_logloss: 0.0171976 valid_1's binary_logloss: 0.0678446
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[164] training's binary_logloss: 0.0169007 valid_1's binary_logloss: 0.0679637
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 25 and depth = 8
[165] training's binary_logloss: 0.0164975 valid_1's binary_logloss: 0.0677298
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 24 and depth = 8
[166] training's binary_logloss: 0.0160983 valid_1's binary_logloss: 0.0674051
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 24 and depth = 8
[167] training's binary_logloss: 0.0157118 valid_1's binary_logloss: 0.0671737
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[168] training's binary_logloss: 0.0153781 valid_1's binary_logloss: 0.0663582
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[169] training's binary_logloss: 0.0151332 valid_1's binary_logloss: 0.0659222
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 21 and depth = 8
[170] training's binary_logloss: 0.0148225 valid_1's binary_logloss: 0.0652532
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 17 and depth = 8
[171] training's binary_logloss: 0.0145917 valid_1's binary_logloss: 0.0652072
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 21 and depth = 8
[172] training's binary_logloss: 0.014312 valid_1's binary_logloss: 0.0653298
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[173] training's binary_logloss: 0.0139953 valid_1's binary_logloss: 0.0648877
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[174] training's binary_logloss: 0.0136745 valid_1's binary_logloss: 0.0644962
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 18 and depth = 8
[175] training's binary_logloss: 0.013423 valid_1's binary_logloss: 0.063908
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[176] training's binary_logloss: 0.0131673 valid_1's binary_logloss: 0.0633065
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 20 and depth = 8
[177] training's binary_logloss: 0.0128575 valid_1's binary_logloss: 0.0629446
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 23 and depth = 8
[178] training's binary_logloss: 0.0125607 valid_1's binary_logloss: 0.0625482
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 21 and depth = 8
[179] training's binary_logloss: 0.0123309 valid_1's binary_logloss: 0.0617762
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[180] training's binary_logloss: 0.0121218 valid_1's binary_logloss: 0.0611003
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 20 and depth = 8
[181] training's binary_logloss: 0.011888 valid_1's binary_logloss: 0.0611477
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[182] training's binary_logloss: 0.0116615 valid_1's binary_logloss: 0.0607085
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[183] training's binary_logloss: 0.0114217 valid_1's binary_logloss: 0.0607112
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[184] training's binary_logloss: 0.0112255 valid_1's binary_logloss: 0.0603716
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 20 and depth = 8
[185] training's binary_logloss: 0.0110376 valid_1's binary_logloss: 0.059733
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 23 and depth = 8
[186] training's binary_logloss: 0.0107713 valid_1's binary_logloss: 0.0593237
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[187] training's binary_logloss: 0.0106065 valid_1's binary_logloss: 0.058974
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 22 and depth = 8
[188] training's binary_logloss: 0.0104208 valid_1's binary_logloss: 0.0586195
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[189] training's binary_logloss: 0.0102498 valid_1's binary_logloss: 0.0579846
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[190] training's binary_logloss: 0.0100509 valid_1's binary_logloss: 0.0574762
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 20 and depth = 8
[191] training's binary_logloss: 0.0098558 valid_1's binary_logloss: 0.05762
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 19 and depth = 8
[192] training's binary_logloss: 0.0096644 valid_1's binary_logloss: 0.0571114
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 16 and depth = 8
[193] training's binary_logloss: 0.00949739 valid_1's binary_logloss: 0.0571114
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 18 and depth = 8
[194] training's binary_logloss: 0.00935833 valid_1's binary_logloss: 0.056752
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 18 and depth = 8
[195] training's binary_logloss: 0.0091587 valid_1's binary_logloss: 0.0562458
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 18 and depth = 8
[196] training's binary_logloss: 0.00898332 valid_1's binary_logloss: 0.055768
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 21 and depth = 8
[197] training's binary_logloss: 0.00878578 valid_1's binary_logloss: 0.055594
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 20 and depth = 8
[198] training's binary_logloss: 0.00858836 valid_1's binary_logloss: 0.0555947
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 20 and depth = 8
[199] training's binary_logloss: 0.00844921 valid_1's binary_logloss: 0.0551059
[LightGBM] [Warning] No further splits with positive gain, best gain: -inf
[LightGBM] [Debug] Trained a tree with leaves = 14 and depth = 8
[200] training's binary_logloss: 0.00833818 valid_1's binary_logloss: 0.055061
Did not meet early stopping. Best iteration is:
[200] training's binary_logloss: 0.00833818 valid_1's binary_logloss: 0.055061
[0.97076023]